Rodrigo1771's picture
Training in progress, epoch 1
e51ed61 verified
raw
history blame
No virus
56.8 kB
2024-09-09 14:14:39.290280: I tensorflow/core/util/port.cc:153] oneDNN custom operations are on. You may see slightly different numerical results due to floating-point round-off errors from different computation orders. To turn them off, set the environment variable `TF_ENABLE_ONEDNN_OPTS=0`.
2024-09-09 14:14:39.308004: E external/local_xla/xla/stream_executor/cuda/cuda_fft.cc:485] Unable to register cuFFT factory: Attempting to register factory for plugin cuFFT when one has already been registered
2024-09-09 14:14:39.329151: E external/local_xla/xla/stream_executor/cuda/cuda_dnn.cc:8454] Unable to register cuDNN factory: Attempting to register factory for plugin cuDNN when one has already been registered
2024-09-09 14:14:39.335520: E external/local_xla/xla/stream_executor/cuda/cuda_blas.cc:1452] Unable to register cuBLAS factory: Attempting to register factory for plugin cuBLAS when one has already been registered
2024-09-09 14:14:39.350729: I tensorflow/core/platform/cpu_feature_guard.cc:210] This TensorFlow binary is optimized to use available CPU instructions in performance-critical operations.
To enable the following instructions: AVX2 AVX512F AVX512_VNNI FMA, in other operations, rebuild TensorFlow with the appropriate compiler flags.
2024-09-09 14:14:40.598840: W tensorflow/compiler/tf2tensorrt/utils/py_utils.cc:38] TF-TRT Warning: Could not find TensorRT
/usr/local/lib/python3.10/dist-packages/transformers/training_args.py:1525: FutureWarning: `evaluation_strategy` is deprecated and will be removed in version 4.46 of πŸ€— Transformers. Use `eval_strategy` instead
warnings.warn(
09/09/2024 14:14:42 - WARNING - __main__ - Process rank: 0, device: cuda:0, n_gpu: 1distributed training: True, 16-bits training: False
09/09/2024 14:14:42 - INFO - __main__ - Training/evaluation parameters TrainingArguments(
_n_gpu=1,
accelerator_config={'split_batches': False, 'dispatch_batches': None, 'even_batches': True, 'use_seedable_sampler': True, 'non_blocking': False, 'gradient_accumulation_kwargs': None, 'use_configured_state': False},
adafactor=False,
adam_beta1=0.9,
adam_beta2=0.999,
adam_epsilon=1e-08,
auto_find_batch_size=False,
batch_eval_metrics=False,
bf16=False,
bf16_full_eval=False,
data_seed=None,
dataloader_drop_last=False,
dataloader_num_workers=0,
dataloader_persistent_workers=False,
dataloader_pin_memory=True,
dataloader_prefetch_factor=None,
ddp_backend=None,
ddp_broadcast_buffers=None,
ddp_bucket_cap_mb=None,
ddp_find_unused_parameters=None,
ddp_timeout=1800,
debug=[],
deepspeed=None,
disable_tqdm=False,
dispatch_batches=None,
do_eval=True,
do_predict=True,
do_train=True,
eval_accumulation_steps=None,
eval_delay=0,
eval_do_concat_batches=True,
eval_on_start=False,
eval_steps=None,
eval_strategy=epoch,
eval_use_gather_object=False,
evaluation_strategy=epoch,
fp16=False,
fp16_backend=auto,
fp16_full_eval=False,
fp16_opt_level=O1,
fsdp=[],
fsdp_config={'min_num_params': 0, 'xla': False, 'xla_fsdp_v2': False, 'xla_fsdp_grad_ckpt': False},
fsdp_min_num_params=0,
fsdp_transformer_layer_cls_to_wrap=None,
full_determinism=False,
gradient_accumulation_steps=2,
gradient_checkpointing=False,
gradient_checkpointing_kwargs=None,
greater_is_better=True,
group_by_length=False,
half_precision_backend=auto,
hub_always_push=False,
hub_model_id=None,
hub_private_repo=False,
hub_strategy=every_save,
hub_token=<HUB_TOKEN>,
ignore_data_skip=False,
include_inputs_for_metrics=False,
include_num_input_tokens_seen=False,
include_tokens_per_second=False,
jit_mode_eval=False,
label_names=None,
label_smoothing_factor=0.0,
learning_rate=5e-05,
length_column_name=length,
load_best_model_at_end=True,
local_rank=0,
log_level=passive,
log_level_replica=warning,
log_on_each_node=True,
logging_dir=/content/dissertation/scripts/ner/output/tb,
logging_first_step=False,
logging_nan_inf_filter=True,
logging_steps=500,
logging_strategy=steps,
lr_scheduler_kwargs={},
lr_scheduler_type=linear,
max_grad_norm=1.0,
max_steps=-1,
metric_for_best_model=f1,
mp_parameters=,
neftune_noise_alpha=None,
no_cuda=False,
num_train_epochs=10.0,
optim=adamw_torch,
optim_args=None,
optim_target_modules=None,
output_dir=/content/dissertation/scripts/ner/output,
overwrite_output_dir=True,
past_index=-1,
per_device_eval_batch_size=8,
per_device_train_batch_size=32,
prediction_loss_only=False,
push_to_hub=True,
push_to_hub_model_id=None,
push_to_hub_organization=None,
push_to_hub_token=<PUSH_TO_HUB_TOKEN>,
ray_scope=last,
remove_unused_columns=True,
report_to=['tensorboard'],
restore_callback_states_from_checkpoint=False,
resume_from_checkpoint=None,
run_name=/content/dissertation/scripts/ner/output,
save_on_each_node=False,
save_only_model=False,
save_safetensors=True,
save_steps=500,
save_strategy=epoch,
save_total_limit=None,
seed=42,
skip_memory_metrics=True,
split_batches=None,
tf32=None,
torch_compile=False,
torch_compile_backend=None,
torch_compile_mode=None,
torch_empty_cache_steps=None,
torchdynamo=None,
tpu_metrics_debug=False,
tpu_num_cores=None,
use_cpu=False,
use_ipex=False,
use_legacy_prediction_loop=False,
use_mps_device=False,
warmup_ratio=0.0,
warmup_steps=0,
weight_decay=0.0,
)
Downloading builder script: 0%| | 0.00/3.62k [00:00<?, ?B/s] Downloading builder script: 100%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ| 3.62k/3.62k [00:00<00:00, 15.5kB/s] Downloading builder script: 100%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ| 3.62k/3.62k [00:00<00:00, 15.5kB/s]
Downloading data: 0%| | 0.00/28.3M [00:00<?, ?B/s] Downloading data: 37%|β–ˆβ–ˆβ–ˆβ–‹ | 10.5M/28.3M [00:01<00:02, 7.40MB/s] Downloading data: 74%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 21.0M/28.3M [00:02<00:00, 9.81MB/s] Downloading data: 100%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ| 28.3M/28.3M [00:02<00:00, 11.6MB/s] Downloading data: 100%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ| 28.3M/28.3M [00:02<00:00, 10.5MB/s]
Downloading data: 0%| | 0.00/6.66M [00:00<?, ?B/s] Downloading data: 100%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ| 6.66M/6.66M [00:00<00:00, 9.54MB/s] Downloading data: 100%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ| 6.66M/6.66M [00:00<00:00, 9.46MB/s]
Downloading data: 0%| | 0.00/12.0M [00:00<?, ?B/s] Downloading data: 87%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 10.5M/12.0M [00:01<00:00, 9.02MB/s] Downloading data: 100%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ| 12.0M/12.0M [00:01<00:00, 10.1MB/s]
Generating train split: 0 examples [00:00, ? examples/s] Generating train split: 664 examples [00:00, 6622.91 examples/s] Generating train split: 1371 examples [00:00, 6435.03 examples/s] Generating train split: 2045 examples [00:00, 6566.17 examples/s] Generating train split: 2763 examples [00:00, 6794.86 examples/s] Generating train split: 3818 examples [00:00, 6893.76 examples/s] Generating train split: 4836 examples [00:00, 6849.09 examples/s] Generating train split: 5809 examples [00:00, 6708.79 examples/s] Generating train split: 6849 examples [00:01, 6779.46 examples/s] Generating train split: 7889 examples [00:01, 6824.46 examples/s] Generating train split: 8897 examples [00:01, 6787.18 examples/s] Generating train split: 9919 examples [00:01, 6794.08 examples/s] Generating train split: 10944 examples [00:01, 6802.46 examples/s] Generating train split: 11973 examples [00:01, 6817.21 examples/s] Generating train split: 12961 examples [00:01, 6738.96 examples/s] Generating train split: 13968 examples [00:02, 6728.33 examples/s] Generating train split: 14993 examples [00:02, 6757.85 examples/s] Generating train split: 16000 examples [00:02, 6672.01 examples/s] Generating train split: 16724 examples [00:02, 6794.81 examples/s] Generating train split: 17741 examples [00:02, 6785.13 examples/s] Generating train split: 18442 examples [00:02, 6836.96 examples/s] Generating train split: 19493 examples [00:02, 6891.33 examples/s] Generating train split: 20472 examples [00:03, 6769.89 examples/s] Generating train split: 21478 examples [00:03, 6739.98 examples/s] Generating train split: 22488 examples [00:03, 6734.76 examples/s] Generating train split: 23507 examples [00:03, 6749.97 examples/s] Generating train split: 24510 examples [00:03, 6728.57 examples/s] Generating train split: 25510 examples [00:03, 6706.83 examples/s] Generating train split: 26546 examples [00:03, 6762.80 examples/s] Generating train split: 27524 examples [00:04, 6686.71 examples/s] Generating train split: 28567 examples [00:04, 6765.12 examples/s] Generating train split: 28668 examples [00:04, 6751.89 examples/s]
Generating validation split: 0 examples [00:00, ? examples/s] Generating validation split: 750 examples [00:00, 7483.25 examples/s] Generating validation split: 1804 examples [00:00, 7152.87 examples/s] Generating validation split: 2812 examples [00:00, 6931.64 examples/s] Generating validation split: 3859 examples [00:00, 6946.74 examples/s] Generating validation split: 4881 examples [00:00, 4501.98 examples/s] Generating validation split: 5540 examples [00:01, 4892.51 examples/s] Generating validation split: 6203 examples [00:01, 5257.28 examples/s] Generating validation split: 6931 examples [00:01, 5725.20 examples/s] Generating validation split: 6946 examples [00:01, 5659.21 examples/s]
Generating test split: 0 examples [00:00, ? examples/s] Generating test split: 812 examples [00:00, 8097.25 examples/s] Generating test split: 1963 examples [00:00, 7802.97 examples/s] Generating test split: 3084 examples [00:00, 7633.70 examples/s] Generating test split: 3854 examples [00:00, 7651.80 examples/s] Generating test split: 5000 examples [00:00, 7499.40 examples/s] Generating test split: 5895 examples [00:00, 7894.02 examples/s] Generating test split: 6710 examples [00:00, 7963.58 examples/s] Generating test split: 7934 examples [00:01, 8025.82 examples/s] Generating test split: 9082 examples [00:01, 7891.04 examples/s] Generating test split: 10232 examples [00:01, 7814.50 examples/s] Generating test split: 11028 examples [00:01, 7845.41 examples/s] Generating test split: 11910 examples [00:01, 8089.06 examples/s] Generating test split: 12987 examples [00:01, 7762.30 examples/s] Generating test split: 14085 examples [00:01, 7606.72 examples/s] Generating test split: 14715 examples [00:01, 7749.98 examples/s]
[INFO|configuration_utils.py:733] 2024-09-09 14:15:00,004 >> loading configuration file config.json from cache at /root/.cache/huggingface/hub/models--michiyasunaga--BioLinkBERT-base/snapshots/b71f5d70f063d1c8f1124070ce86f1ee463ca1fe/config.json
[INFO|configuration_utils.py:800] 2024-09-09 14:15:00,008 >> Model config BertConfig {
"_name_or_path": "michiyasunaga/BioLinkBERT-base",
"architectures": [
"BertModel"
],
"attention_probs_dropout_prob": 0.1,
"classifier_dropout": null,
"finetuning_task": "ner",
"gradient_checkpointing": false,
"hidden_act": "gelu",
"hidden_dropout_prob": 0.1,
"hidden_size": 768,
"id2label": {
"0": "O",
"1": "B-FARMACO",
"2": "I-FARMACO"
},
"initializer_range": 0.02,
"intermediate_size": 3072,
"label2id": {
"B-FARMACO": 1,
"I-FARMACO": 2,
"O": 0
},
"layer_norm_eps": 1e-12,
"max_position_embeddings": 512,
"model_type": "bert",
"num_attention_heads": 12,
"num_hidden_layers": 12,
"pad_token_id": 0,
"position_embedding_type": "absolute",
"transformers_version": "4.44.2",
"type_vocab_size": 2,
"use_cache": true,
"vocab_size": 28895
}
[INFO|tokenization_utils_base.py:2269] 2024-09-09 14:15:00,242 >> loading file vocab.txt from cache at /root/.cache/huggingface/hub/models--michiyasunaga--BioLinkBERT-base/snapshots/b71f5d70f063d1c8f1124070ce86f1ee463ca1fe/vocab.txt
[INFO|tokenization_utils_base.py:2269] 2024-09-09 14:15:00,242 >> loading file tokenizer.json from cache at /root/.cache/huggingface/hub/models--michiyasunaga--BioLinkBERT-base/snapshots/b71f5d70f063d1c8f1124070ce86f1ee463ca1fe/tokenizer.json
[INFO|tokenization_utils_base.py:2269] 2024-09-09 14:15:00,242 >> loading file added_tokens.json from cache at None
[INFO|tokenization_utils_base.py:2269] 2024-09-09 14:15:00,242 >> loading file special_tokens_map.json from cache at /root/.cache/huggingface/hub/models--michiyasunaga--BioLinkBERT-base/snapshots/b71f5d70f063d1c8f1124070ce86f1ee463ca1fe/special_tokens_map.json
[INFO|tokenization_utils_base.py:2269] 2024-09-09 14:15:00,242 >> loading file tokenizer_config.json from cache at /root/.cache/huggingface/hub/models--michiyasunaga--BioLinkBERT-base/snapshots/b71f5d70f063d1c8f1124070ce86f1ee463ca1fe/tokenizer_config.json
/usr/local/lib/python3.10/dist-packages/transformers/tokenization_utils_base.py:1601: FutureWarning: `clean_up_tokenization_spaces` was not set. It will be set to `True` by default. This behavior will be depracted in transformers v4.45, and will be then set to `False` by default. For more details check this issue: https://github.com/huggingface/transformers/issues/31884
warnings.warn(
[INFO|modeling_utils.py:3678] 2024-09-09 14:15:00,548 >> loading weights file pytorch_model.bin from cache at /root/.cache/huggingface/hub/models--michiyasunaga--BioLinkBERT-base/snapshots/b71f5d70f063d1c8f1124070ce86f1ee463ca1fe/pytorch_model.bin
[INFO|modeling_utils.py:4497] 2024-09-09 14:15:00,628 >> Some weights of the model checkpoint at michiyasunaga/BioLinkBERT-base were not used when initializing BertForTokenClassification: ['bert.pooler.dense.bias', 'bert.pooler.dense.weight']
- This IS expected if you are initializing BertForTokenClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).
- This IS NOT expected if you are initializing BertForTokenClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).
[WARNING|modeling_utils.py:4509] 2024-09-09 14:15:00,628 >> Some weights of BertForTokenClassification were not initialized from the model checkpoint at michiyasunaga/BioLinkBERT-base and are newly initialized: ['classifier.bias', 'classifier.weight']
You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.
Map: 0%| | 0/28668 [00:00<?, ? examples/s] Map: 3%|β–Ž | 1000/28668 [00:00<00:02, 9980.88 examples/s] Map: 10%|β–ˆ | 3000/28668 [00:00<00:02, 10996.38 examples/s] Map: 17%|β–ˆβ–‹ | 5000/28668 [00:00<00:02, 11325.16 examples/s] Map: 24%|β–ˆβ–ˆβ– | 7000/28668 [00:00<00:01, 11202.66 examples/s] Map: 31%|β–ˆβ–ˆβ–ˆβ– | 9000/28668 [00:00<00:01, 11237.78 examples/s] Map: 38%|β–ˆβ–ˆβ–ˆβ–Š | 11000/28668 [00:00<00:01, 11217.16 examples/s] Map: 45%|β–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 13000/28668 [00:01<00:01, 11230.99 examples/s] Map: 52%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 15000/28668 [00:01<00:01, 11265.45 examples/s] Map: 59%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 17000/28668 [00:01<00:01, 11322.60 examples/s] Map: 66%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 19000/28668 [00:01<00:00, 11401.13 examples/s] Map: 73%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 21000/28668 [00:01<00:00, 11320.31 examples/s] Map: 80%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 23000/28668 [00:02<00:00, 11291.66 examples/s] Map: 87%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 25000/28668 [00:02<00:00, 8144.03 examples/s] Map: 94%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 27000/28668 [00:02<00:00, 8854.20 examples/s] Map: 100%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ| 28668/28668 [00:02<00:00, 9384.73 examples/s] Map: 100%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ| 28668/28668 [00:02<00:00, 10275.78 examples/s]
Map: 0%| | 0/6946 [00:00<?, ? examples/s] Map: 29%|β–ˆβ–ˆβ–‰ | 2000/6946 [00:00<00:00, 11483.98 examples/s] Map: 58%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 4000/6946 [00:00<00:00, 11413.27 examples/s] Map: 86%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 6000/6946 [00:00<00:00, 11489.90 examples/s] Map: 100%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ| 6946/6946 [00:00<00:00, 11386.80 examples/s]
Map: 0%| | 0/14715 [00:00<?, ? examples/s] Map: 14%|β–ˆβ–Ž | 2000/14715 [00:00<00:00, 13002.05 examples/s] Map: 27%|β–ˆβ–ˆβ–‹ | 4000/14715 [00:00<00:00, 12994.06 examples/s] Map: 41%|β–ˆβ–ˆβ–ˆβ–ˆ | 6000/14715 [00:00<00:00, 13372.97 examples/s] Map: 54%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 8000/14715 [00:00<00:00, 13599.60 examples/s] Map: 68%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 10000/14715 [00:00<00:00, 13588.80 examples/s] Map: 82%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 12000/14715 [00:00<00:00, 13502.56 examples/s] Map: 95%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ| 14000/14715 [00:01<00:00, 13069.04 examples/s] Map: 100%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ| 14715/14715 [00:01<00:00, 13084.51 examples/s]
/content/dissertation/scripts/ner/run_ner_train.py:397: FutureWarning: load_metric is deprecated and will be removed in the next major version of datasets. Use 'evaluate.load' instead, from the new library πŸ€— Evaluate: https://huggingface.co/docs/evaluate
metric = load_metric("seqeval", trust_remote_code=True)
[INFO|trainer.py:811] 2024-09-09 14:15:07,256 >> The following columns in the training set don't have a corresponding argument in `BertForTokenClassification.forward` and have been ignored: id, tokens, ner_tags. If id, tokens, ner_tags are not expected by `BertForTokenClassification.forward`, you can safely ignore this message.
[INFO|trainer.py:2134] 2024-09-09 14:15:07,820 >> ***** Running training *****
[INFO|trainer.py:2135] 2024-09-09 14:15:07,820 >> Num examples = 28,668
[INFO|trainer.py:2136] 2024-09-09 14:15:07,820 >> Num Epochs = 10
[INFO|trainer.py:2137] 2024-09-09 14:15:07,820 >> Instantaneous batch size per device = 32
[INFO|trainer.py:2140] 2024-09-09 14:15:07,820 >> Total train batch size (w. parallel, distributed & accumulation) = 64
[INFO|trainer.py:2141] 2024-09-09 14:15:07,820 >> Gradient Accumulation steps = 2
[INFO|trainer.py:2142] 2024-09-09 14:15:07,820 >> Total optimization steps = 4,480
[INFO|trainer.py:2143] 2024-09-09 14:15:07,820 >> Number of trainable parameters = 107,644,419
0%| | 0/4480 [00:00<?, ?it/s] 0%| | 1/4480 [00:01<1:27:13, 1.17s/it] 0%| | 2/4480 [00:01<58:18, 1.28it/s] 0%| | 3/4480 [00:01<42:36, 1.75it/s] 0%| | 4/4480 [00:02<40:37, 1.84it/s] 0%| | 5/4480 [00:02<38:44, 1.93it/s] 0%| | 6/4480 [00:03<38:28, 1.94it/s] 0%| | 7/4480 [00:04<40:28, 1.84it/s] 0%| | 8/4480 [00:04<33:34, 2.22it/s] 0%| | 9/4480 [00:05<43:45, 1.70it/s] 0%| | 10/4480 [00:05<37:41, 1.98it/s] 0%| | 11/4480 [00:05<33:46, 2.21it/s] 0%| | 12/4480 [00:06<29:48, 2.50it/s] 0%| | 13/4480 [00:06<27:25, 2.71it/s] 0%| | 14/4480 [00:06<26:26, 2.81it/s] 0%| | 15/4480 [00:07<27:19, 2.72it/s] 0%| | 16/4480 [00:07<26:01, 2.86it/s] 0%| | 17/4480 [00:07<25:55, 2.87it/s] 0%| | 18/4480 [00:08<25:52, 2.87it/s] 0%| | 19/4480 [00:08<26:25, 2.81it/s] 0%| | 20/4480 [00:09<29:47, 2.50it/s] 0%| | 21/4480 [00:09<27:56, 2.66it/s] 0%| | 22/4480 [00:09<26:06, 2.85it/s] 1%| | 23/4480 [00:10<29:12, 2.54it/s] 1%| | 24/4480 [00:10<29:18, 2.53it/s] 1%| | 25/4480 [00:10<28:01, 2.65it/s] 1%| | 26/4480 [00:11<27:24, 2.71it/s] 1%| | 27/4480 [00:11<26:48, 2.77it/s] 1%| | 28/4480 [00:11<24:44, 3.00it/s] 1%| | 29/4480 [00:12<23:45, 3.12it/s] 1%| | 30/4480 [00:12<24:01, 3.09it/s] 1%| | 31/4480 [00:12<25:11, 2.94it/s] 1%| | 32/4480 [00:13<31:17, 2.37it/s] 1%| | 33/4480 [00:13<29:50, 2.48it/s] 1%| | 34/4480 [00:14<28:19, 2.62it/s] 1%| | 35/4480 [00:14<27:06, 2.73it/s] 1%| | 36/4480 [00:14<25:14, 2.93it/s] 1%| | 37/4480 [00:15<25:46, 2.87it/s] 1%| | 38/4480 [00:15<25:39, 2.89it/s] 1%| | 39/4480 [00:15<25:19, 2.92it/s] 1%| | 40/4480 [00:16<23:37, 3.13it/s] 1%| | 41/4480 [00:16<26:05, 2.84it/s] 1%| | 42/4480 [00:16<27:16, 2.71it/s] 1%| | 43/4480 [00:17<27:36, 2.68it/s] 1%| | 44/4480 [00:17<25:25, 2.91it/s] 1%| | 45/4480 [00:17<26:45, 2.76it/s] 1%| | 46/4480 [00:18<27:15, 2.71it/s] 1%| | 47/4480 [00:18<24:30, 3.01it/s] 1%| | 48/4480 [00:18<23:58, 3.08it/s] 1%| | 49/4480 [00:19<27:39, 2.67it/s] 1%| | 50/4480 [00:19<27:03, 2.73it/s] 1%| | 51/4480 [00:20<26:51, 2.75it/s] 1%| | 52/4480 [00:20<26:28, 2.79it/s] 1%| | 53/4480 [00:20<25:58, 2.84it/s] 1%| | 54/4480 [00:21<25:34, 2.88it/s] 1%| | 55/4480 [00:21<26:41, 2.76it/s] 1%|▏ | 56/4480 [00:21<25:43, 2.87it/s] 1%|▏ | 57/4480 [00:22<25:10, 2.93it/s] 1%|▏ | 58/4480 [00:22<24:48, 2.97it/s] 1%|▏ | 59/4480 [00:22<27:00, 2.73it/s] 1%|▏ | 60/4480 [00:23<25:08, 2.93it/s] 1%|▏ | 61/4480 [00:23<23:47, 3.10it/s] 1%|▏ | 62/4480 [00:23<24:58, 2.95it/s] 1%|▏ | 63/4480 [00:24<25:04, 2.94it/s] 1%|▏ | 64/4480 [00:24<25:28, 2.89it/s] 1%|▏ | 65/4480 [00:24<26:23, 2.79it/s] 1%|▏ | 66/4480 [00:25<27:05, 2.72it/s] 1%|▏ | 67/4480 [00:25<24:30, 3.00it/s] 2%|▏ | 68/4480 [00:26<27:07, 2.71it/s] 2%|▏ | 69/4480 [00:26<24:36, 2.99it/s] 2%|▏ | 70/4480 [00:26<23:24, 3.14it/s] 2%|▏ | 71/4480 [00:26<23:37, 3.11it/s] 2%|▏ | 72/4480 [00:27<25:38, 2.87it/s] 2%|▏ | 73/4480 [00:27<25:22, 2.89it/s] 2%|▏ | 74/4480 [00:28<29:49, 2.46it/s] 2%|▏ | 75/4480 [00:28<27:22, 2.68it/s] 2%|▏ | 76/4480 [00:28<28:53, 2.54it/s] 2%|▏ | 77/4480 [00:29<26:12, 2.80it/s] 2%|▏ | 78/4480 [00:29<25:33, 2.87it/s] 2%|▏ | 79/4480 [00:29<24:38, 2.98it/s] 2%|▏ | 80/4480 [00:30<23:06, 3.17it/s] 2%|▏ | 81/4480 [00:30<21:32, 3.40it/s] 2%|▏ | 82/4480 [00:30<23:59, 3.06it/s] 2%|▏ | 83/4480 [00:31<25:23, 2.89it/s] 2%|▏ | 84/4480 [00:31<23:38, 3.10it/s] 2%|▏ | 85/4480 [00:31<26:33, 2.76it/s] 2%|▏ | 86/4480 [00:32<25:19, 2.89it/s] 2%|▏ | 87/4480 [00:32<26:24, 2.77it/s] 2%|▏ | 88/4480 [00:32<26:14, 2.79it/s] 2%|▏ | 89/4480 [00:33<27:43, 2.64it/s] 2%|▏ | 90/4480 [00:33<27:35, 2.65it/s] 2%|▏ | 91/4480 [00:34<26:44, 2.73it/s] 2%|▏ | 92/4480 [00:34<25:58, 2.82it/s] 2%|▏ | 93/4480 [00:34<29:40, 2.46it/s] 2%|▏ | 94/4480 [00:35<31:01, 2.36it/s] 2%|▏ | 95/4480 [00:35<28:40, 2.55it/s] 2%|▏ | 96/4480 [00:36<29:02, 2.52it/s] 2%|▏ | 97/4480 [00:36<27:33, 2.65it/s] 2%|▏ | 98/4480 [00:36<25:41, 2.84it/s] 2%|▏ | 99/4480 [00:37<25:00, 2.92it/s] 2%|▏ | 100/4480 [00:37<24:27, 2.98it/s] 2%|▏ | 101/4480 [00:37<23:31, 3.10it/s] 2%|▏ | 102/4480 [00:38<25:30, 2.86it/s] 2%|▏ | 103/4480 [00:38<26:52, 2.72it/s] 2%|▏ | 104/4480 [00:38<27:32, 2.65it/s] 2%|▏ | 105/4480 [00:39<27:49, 2.62it/s] 2%|▏ | 106/4480 [00:39<28:57, 2.52it/s] 2%|▏ | 107/4480 [00:40<29:45, 2.45it/s] 2%|▏ | 108/4480 [00:40<29:21, 2.48it/s] 2%|▏ | 109/4480 [00:41<30:06, 2.42it/s] 2%|▏ | 110/4480 [00:41<28:50, 2.52it/s] 2%|▏ | 111/4480 [00:41<26:51, 2.71it/s] 2%|β–Ž | 112/4480 [00:42<26:40, 2.73it/s] 3%|β–Ž | 113/4480 [00:42<25:18, 2.88it/s] 3%|β–Ž | 114/4480 [00:42<24:22, 2.98it/s] 3%|β–Ž | 115/4480 [00:42<24:30, 2.97it/s] 3%|β–Ž | 116/4480 [00:43<23:50, 3.05it/s] 3%|β–Ž | 117/4480 [00:43<24:04, 3.02it/s] 3%|β–Ž | 118/4480 [00:43<25:05, 2.90it/s] 3%|β–Ž | 119/4480 [00:44<26:54, 2.70it/s] 3%|β–Ž | 120/4480 [00:44<26:18, 2.76it/s] 3%|β–Ž | 121/4480 [00:45<25:48, 2.81it/s] 3%|β–Ž | 122/4480 [00:45<24:31, 2.96it/s] 3%|β–Ž | 123/4480 [00:45<24:25, 2.97it/s] 3%|β–Ž | 124/4480 [00:46<26:24, 2.75it/s] 3%|β–Ž | 125/4480 [00:46<24:42, 2.94it/s] 3%|β–Ž | 126/4480 [00:46<24:37, 2.95it/s] 3%|β–Ž | 127/4480 [00:47<23:19, 3.11it/s] 3%|β–Ž | 128/4480 [00:47<24:13, 2.99it/s] 3%|β–Ž | 129/4480 [00:47<25:24, 2.85it/s] 3%|β–Ž | 130/4480 [00:48<26:42, 2.71it/s] 3%|β–Ž | 131/4480 [00:48<25:07, 2.88it/s] 3%|β–Ž | 132/4480 [00:48<22:49, 3.18it/s] 3%|β–Ž | 133/4480 [00:49<23:09, 3.13it/s] 3%|β–Ž | 134/4480 [00:49<22:16, 3.25it/s] 3%|β–Ž | 135/4480 [00:49<24:13, 2.99it/s] 3%|β–Ž | 136/4480 [00:50<29:11, 2.48it/s] 3%|β–Ž | 137/4480 [00:50<27:13, 2.66it/s] 3%|β–Ž | 138/4480 [00:50<25:49, 2.80it/s] 3%|β–Ž | 139/4480 [00:51<23:35, 3.07it/s] 3%|β–Ž | 140/4480 [00:51<26:01, 2.78it/s] 3%|β–Ž | 141/4480 [00:51<24:42, 2.93it/s] 3%|β–Ž | 142/4480 [00:52<25:08, 2.88it/s] 3%|β–Ž | 143/4480 [00:52<24:12, 2.99it/s] 3%|β–Ž | 144/4480 [00:53<25:47, 2.80it/s] 3%|β–Ž | 145/4480 [00:53<27:19, 2.64it/s] 3%|β–Ž | 146/4480 [00:53<25:50, 2.80it/s] 3%|β–Ž | 147/4480 [00:54<26:06, 2.77it/s] 3%|β–Ž | 148/4480 [00:54<28:09, 2.56it/s] 3%|β–Ž | 149/4480 [00:54<25:11, 2.87it/s] 3%|β–Ž | 150/4480 [00:55<24:56, 2.89it/s] 3%|β–Ž | 151/4480 [00:55<25:44, 2.80it/s] 3%|β–Ž | 152/4480 [00:55<24:55, 2.89it/s] 3%|β–Ž | 153/4480 [00:56<24:43, 2.92it/s] 3%|β–Ž | 154/4480 [00:56<26:18, 2.74it/s] 3%|β–Ž | 155/4480 [00:57<26:55, 2.68it/s] 3%|β–Ž | 156/4480 [00:57<24:56, 2.89it/s] 4%|β–Ž | 157/4480 [00:57<23:56, 3.01it/s] 4%|β–Ž | 158/4480 [00:57<23:58, 3.00it/s] 4%|β–Ž | 159/4480 [00:58<25:32, 2.82it/s] 4%|β–Ž | 160/4480 [00:58<23:23, 3.08it/s] 4%|β–Ž | 161/4480 [00:59<31:10, 2.31it/s] 4%|β–Ž | 162/4480 [00:59<28:51, 2.49it/s] 4%|β–Ž | 163/4480 [01:00<30:49, 2.33it/s] 4%|β–Ž | 164/4480 [01:00<29:43, 2.42it/s] 4%|β–Ž | 165/4480 [01:00<29:25, 2.44it/s] 4%|β–Ž | 166/4480 [01:01<29:31, 2.44it/s] 4%|β–Ž | 167/4480 [01:01<29:34, 2.43it/s] 4%|▍ | 168/4480 [01:02<28:35, 2.51it/s] 4%|▍ | 169/4480 [01:02<28:08, 2.55it/s] 4%|▍ | 170/4480 [01:02<29:51, 2.41it/s] 4%|▍ | 171/4480 [01:03<28:51, 2.49it/s] 4%|▍ | 172/4480 [01:03<28:14, 2.54it/s] 4%|▍ | 173/4480 [01:04<31:39, 2.27it/s] 4%|▍ | 174/4480 [01:04<29:28, 2.43it/s] 4%|▍ | 175/4480 [01:04<27:20, 2.62it/s] 4%|▍ | 176/4480 [01:05<29:32, 2.43it/s] 4%|▍ | 177/4480 [01:05<27:30, 2.61it/s] 4%|▍ | 178/4480 [01:06<26:36, 2.69it/s] 4%|▍ | 179/4480 [01:06<25:08, 2.85it/s] 4%|▍ | 180/4480 [01:06<25:26, 2.82it/s] 4%|▍ | 181/4480 [01:07<25:06, 2.85it/s] 4%|▍ | 182/4480 [01:07<25:35, 2.80it/s] 4%|▍ | 183/4480 [01:07<25:33, 2.80it/s] 4%|▍ | 184/4480 [01:08<25:09, 2.85it/s] 4%|▍ | 185/4480 [01:08<23:36, 3.03it/s] 4%|▍ | 186/4480 [01:08<23:48, 3.01it/s] 4%|▍ | 187/4480 [01:09<27:59, 2.56it/s] 4%|▍ | 188/4480 [01:09<28:01, 2.55it/s] 4%|▍ | 189/4480 [01:10<31:35, 2.26it/s] 4%|▍ | 190/4480 [01:10<31:02, 2.30it/s] 4%|▍ | 191/4480 [01:11<30:53, 2.31it/s] 4%|▍ | 192/4480 [01:11<30:25, 2.35it/s] 4%|▍ | 193/4480 [01:11<27:03, 2.64it/s] 4%|▍ | 194/4480 [01:12<26:22, 2.71it/s] 4%|▍ | 195/4480 [01:12<28:28, 2.51it/s] 4%|▍ | 196/4480 [01:12<27:15, 2.62it/s] 4%|▍ | 197/4480 [01:13<28:00, 2.55it/s] 4%|▍ | 198/4480 [01:13<26:24, 2.70it/s] 4%|▍ | 199/4480 [01:13<26:10, 2.73it/s] 4%|▍ | 200/4480 [01:14<24:50, 2.87it/s] 4%|▍ | 201/4480 [01:14<26:46, 2.66it/s] 5%|▍ | 202/4480 [01:15<25:58, 2.74it/s] 5%|▍ | 203/4480 [01:15<30:23, 2.35it/s] 5%|▍ | 204/4480 [01:16<29:15, 2.44it/s] 5%|▍ | 205/4480 [01:16<28:43, 2.48it/s] 5%|▍ | 206/4480 [01:16<29:46, 2.39it/s] 5%|▍ | 207/4480 [01:17<28:00, 2.54it/s] 5%|▍ | 208/4480 [01:17<28:39, 2.49it/s] 5%|▍ | 209/4480 [01:18<31:11, 2.28it/s] 5%|▍ | 210/4480 [01:18<28:02, 2.54it/s] 5%|▍ | 211/4480 [01:18<26:41, 2.67it/s] 5%|▍ | 212/4480 [01:19<25:53, 2.75it/s] 5%|▍ | 213/4480 [01:19<27:32, 2.58it/s] 5%|▍ | 214/4480 [01:19<26:51, 2.65it/s] 5%|▍ | 215/4480 [01:20<24:20, 2.92it/s] 5%|▍ | 216/4480 [01:20<28:15, 2.52it/s] 5%|▍ | 217/4480 [01:21<27:36, 2.57it/s] 5%|▍ | 218/4480 [01:21<26:30, 2.68it/s] 5%|▍ | 219/4480 [01:21<25:09, 2.82it/s] 5%|▍ | 220/4480 [01:21<23:34, 3.01it/s] 5%|▍ | 221/4480 [01:22<26:54, 2.64it/s] 5%|▍ | 222/4480 [01:22<26:57, 2.63it/s] 5%|▍ | 223/4480 [01:23<26:57, 2.63it/s] 5%|β–Œ | 224/4480 [01:23<28:06, 2.52it/s] 5%|β–Œ | 225/4480 [01:24<28:12, 2.51it/s] 5%|β–Œ | 226/4480 [01:24<27:19, 2.59it/s] 5%|β–Œ | 227/4480 [01:24<24:48, 2.86it/s] 5%|β–Œ | 228/4480 [01:25<24:25, 2.90it/s] 5%|β–Œ | 229/4480 [01:25<29:38, 2.39it/s] 5%|β–Œ | 230/4480 [01:26<33:43, 2.10it/s] 5%|β–Œ | 231/4480 [01:26<31:08, 2.27it/s] 5%|β–Œ | 232/4480 [01:26<29:50, 2.37it/s] 5%|β–Œ | 233/4480 [01:27<28:29, 2.48it/s] 5%|β–Œ | 234/4480 [01:27<26:36, 2.66it/s] 5%|β–Œ | 235/4480 [01:27<25:50, 2.74it/s] 5%|β–Œ | 236/4480 [01:28<23:42, 2.98it/s] 5%|β–Œ | 237/4480 [01:28<25:03, 2.82it/s] 5%|β–Œ | 238/4480 [01:28<25:28, 2.77it/s] 5%|β–Œ | 239/4480 [01:29<24:08, 2.93it/s] 5%|β–Œ | 240/4480 [01:29<26:09, 2.70it/s] 5%|β–Œ | 241/4480 [01:30<25:28, 2.77it/s] 5%|β–Œ | 242/4480 [01:30<28:03, 2.52it/s] 5%|β–Œ | 243/4480 [01:31<31:01, 2.28it/s] 5%|β–Œ | 244/4480 [01:31<28:50, 2.45it/s] 5%|β–Œ | 245/4480 [01:31<27:57, 2.53it/s] 5%|β–Œ | 246/4480 [01:32<27:41, 2.55it/s] 6%|β–Œ | 247/4480 [01:32<26:01, 2.71it/s] 6%|β–Œ | 248/4480 [01:32<27:11, 2.59it/s] 6%|β–Œ | 249/4480 [01:33<29:16, 2.41it/s] 6%|β–Œ | 250/4480 [01:33<29:34, 2.38it/s] 6%|β–Œ | 251/4480 [01:34<29:48, 2.36it/s] 6%|β–Œ | 252/4480 [01:34<27:11, 2.59it/s] 6%|β–Œ | 253/4480 [01:34<25:23, 2.77it/s] 6%|β–Œ | 254/4480 [01:35<27:49, 2.53it/s] 6%|β–Œ | 255/4480 [01:35<27:50, 2.53it/s] 6%|β–Œ | 256/4480 [01:36<27:55, 2.52it/s] 6%|β–Œ | 257/4480 [01:36<28:58, 2.43it/s] 6%|β–Œ | 258/4480 [01:36<26:38, 2.64it/s] 6%|β–Œ | 259/4480 [01:37<24:14, 2.90it/s] 6%|β–Œ | 260/4480 [01:37<23:31, 2.99it/s] 6%|β–Œ | 261/4480 [01:37<23:23, 3.01it/s] 6%|β–Œ | 262/4480 [01:38<24:08, 2.91it/s] 6%|β–Œ | 263/4480 [01:38<24:19, 2.89it/s] 6%|β–Œ | 264/4480 [01:38<23:39, 2.97it/s] 6%|β–Œ | 265/4480 [01:39<24:04, 2.92it/s] 6%|β–Œ | 266/4480 [01:39<26:08, 2.69it/s] 6%|β–Œ | 267/4480 [01:40<26:31, 2.65it/s] 6%|β–Œ | 268/4480 [01:40<27:01, 2.60it/s] 6%|β–Œ | 269/4480 [01:40<24:13, 2.90it/s] 6%|β–Œ | 270/4480 [01:40<23:21, 3.00it/s] 6%|β–Œ | 271/4480 [01:41<22:32, 3.11it/s] 6%|β–Œ | 272/4480 [01:41<24:53, 2.82it/s] 6%|β–Œ | 273/4480 [01:42<25:37, 2.74it/s] 6%|β–Œ | 274/4480 [01:42<25:24, 2.76it/s] 6%|β–Œ | 275/4480 [01:42<23:07, 3.03it/s] 6%|β–Œ | 276/4480 [01:42<22:08, 3.16it/s] 6%|β–Œ | 277/4480 [01:43<28:01, 2.50it/s] 6%|β–Œ | 278/4480 [01:43<27:53, 2.51it/s] 6%|β–Œ | 279/4480 [01:44<26:38, 2.63it/s] 6%|β–‹ | 280/4480 [01:44<28:34, 2.45it/s] 6%|β–‹ | 281/4480 [01:45<28:37, 2.45it/s] 6%|β–‹ | 282/4480 [01:45<26:38, 2.63it/s] 6%|β–‹ | 283/4480 [01:45<26:15, 2.66it/s] 6%|β–‹ | 284/4480 [01:46<25:05, 2.79it/s] 6%|β–‹ | 285/4480 [01:46<24:09, 2.89it/s] 6%|β–‹ | 286/4480 [01:46<23:48, 2.94it/s] 6%|β–‹ | 287/4480 [01:47<25:43, 2.72it/s] 6%|β–‹ | 288/4480 [01:47<24:32, 2.85it/s] 6%|β–‹ | 289/4480 [01:48<26:44, 2.61it/s] 6%|β–‹ | 290/4480 [01:48<24:31, 2.85it/s] 6%|β–‹ | 291/4480 [01:48<24:09, 2.89it/s] 7%|β–‹ | 292/4480 [01:48<24:16, 2.88it/s] 7%|β–‹ | 293/4480 [01:49<25:05, 2.78it/s] 7%|β–‹ | 294/4480 [01:49<23:20, 2.99it/s] 7%|β–‹ | 295/4480 [01:50<23:57, 2.91it/s] 7%|β–‹ | 296/4480 [01:50<25:32, 2.73it/s] 7%|β–‹ | 297/4480 [01:50<26:29, 2.63it/s] 7%|β–‹ | 298/4480 [01:51<26:56, 2.59it/s] 7%|β–‹ | 299/4480 [01:51<26:20, 2.65it/s] 7%|β–‹ | 300/4480 [01:51<26:33, 2.62it/s] 7%|β–‹ | 301/4480 [01:52<25:37, 2.72it/s] 7%|β–‹ | 302/4480 [01:52<24:44, 2.81it/s] 7%|β–‹ | 303/4480 [01:52<24:11, 2.88it/s] 7%|β–‹ | 304/4480 [01:53<24:15, 2.87it/s] 7%|β–‹ | 305/4480 [01:53<21:53, 3.18it/s] 7%|β–‹ | 306/4480 [01:53<20:20, 3.42it/s] 7%|β–‹ | 307/4480 [01:54<21:38, 3.21it/s] 7%|β–‹ | 308/4480 [01:54<21:18, 3.26it/s] 7%|β–‹ | 309/4480 [01:54<21:50, 3.18it/s] 7%|β–‹ | 310/4480 [01:55<20:48, 3.34it/s] 7%|β–‹ | 311/4480 [01:55<22:58, 3.02it/s] 7%|β–‹ | 312/4480 [01:55<23:29, 2.96it/s] 7%|β–‹ | 313/4480 [01:56<24:55, 2.79it/s] 7%|β–‹ | 314/4480 [01:56<27:16, 2.55it/s] 7%|β–‹ | 315/4480 [01:57<26:04, 2.66it/s] 7%|β–‹ | 316/4480 [01:57<29:39, 2.34it/s] 7%|β–‹ | 317/4480 [01:57<27:06, 2.56it/s] 7%|β–‹ | 318/4480 [01:58<26:32, 2.61it/s] 7%|β–‹ | 319/4480 [01:58<25:06, 2.76it/s] 7%|β–‹ | 320/4480 [01:58<26:29, 2.62it/s] 7%|β–‹ | 321/4480 [01:59<27:00, 2.57it/s] 7%|β–‹ | 322/4480 [01:59<28:27, 2.44it/s] 7%|β–‹ | 323/4480 [02:00<27:55, 2.48it/s] 7%|β–‹ | 324/4480 [02:00<27:53, 2.48it/s] 7%|β–‹ | 325/4480 [02:01<27:34, 2.51it/s] 7%|β–‹ | 326/4480 [02:01<26:56, 2.57it/s] 7%|β–‹ | 327/4480 [02:01<26:27, 2.62it/s] 7%|β–‹ | 328/4480 [02:02<26:38, 2.60it/s] 7%|β–‹ | 329/4480 [02:02<27:01, 2.56it/s] 7%|β–‹ | 330/4480 [02:02<26:19, 2.63it/s] 7%|β–‹ | 331/4480 [02:03<27:25, 2.52it/s] 7%|β–‹ | 332/4480 [02:03<26:34, 2.60it/s] 7%|β–‹ | 333/4480 [02:04<25:43, 2.69it/s] 7%|β–‹ | 334/4480 [02:04<28:22, 2.44it/s] 7%|β–‹ | 335/4480 [02:04<25:24, 2.72it/s] 8%|β–Š | 336/4480 [02:05<23:13, 2.97it/s] 8%|β–Š | 337/4480 [02:05<25:39, 2.69it/s] 8%|β–Š | 338/4480 [02:05<25:55, 2.66it/s] 8%|β–Š | 339/4480 [02:06<25:20, 2.72it/s] 8%|β–Š | 340/4480 [02:06<29:12, 2.36it/s] 8%|β–Š | 341/4480 [02:07<28:56, 2.38it/s] 8%|β–Š | 342/4480 [02:07<27:18, 2.53it/s] 8%|β–Š | 343/4480 [02:07<26:17, 2.62it/s] 8%|β–Š | 344/4480 [02:08<24:50, 2.77it/s] 8%|β–Š | 345/4480 [02:08<23:19, 2.95it/s] 8%|β–Š | 346/4480 [02:09<26:18, 2.62it/s] 8%|β–Š | 347/4480 [02:09<24:52, 2.77it/s] 8%|β–Š | 348/4480 [02:10<32:01, 2.15it/s] 8%|β–Š | 349/4480 [02:10<27:47, 2.48it/s] 8%|β–Š | 350/4480 [02:10<26:33, 2.59it/s] 8%|β–Š | 351/4480 [02:11<26:06, 2.64it/s] 8%|β–Š | 352/4480 [02:11<26:13, 2.62it/s] 8%|β–Š | 353/4480 [02:11<24:48, 2.77it/s] 8%|β–Š | 354/4480 [02:12<26:07, 2.63it/s] 8%|β–Š | 355/4480 [02:12<24:18, 2.83it/s] 8%|β–Š | 356/4480 [02:12<25:29, 2.70it/s] 8%|β–Š | 357/4480 [02:13<25:39, 2.68it/s] 8%|β–Š | 358/4480 [02:13<25:49, 2.66it/s] 8%|β–Š | 359/4480 [02:14<29:37, 2.32it/s] 8%|β–Š | 360/4480 [02:14<27:43, 2.48it/s] 8%|β–Š | 361/4480 [02:14<26:43, 2.57it/s] 8%|β–Š | 362/4480 [02:15<26:27, 2.59it/s] 8%|β–Š | 363/4480 [02:15<25:35, 2.68it/s] 8%|β–Š | 364/4480 [02:15<25:29, 2.69it/s] 8%|β–Š | 365/4480 [02:16<25:11, 2.72it/s] 8%|β–Š | 366/4480 [02:16<23:31, 2.91it/s] 8%|β–Š | 367/4480 [02:16<24:39, 2.78it/s] 8%|β–Š | 368/4480 [02:17<23:11, 2.95it/s] 8%|β–Š | 369/4480 [02:17<23:02, 2.97it/s] 8%|β–Š | 370/4480 [02:17<23:08, 2.96it/s] 8%|β–Š | 371/4480 [02:18<24:48, 2.76it/s] 8%|β–Š | 372/4480 [02:18<23:33, 2.91it/s] 8%|β–Š | 373/4480 [02:18<22:58, 2.98it/s] 8%|β–Š | 374/4480 [02:19<24:29, 2.79it/s] 8%|β–Š | 375/4480 [02:19<23:40, 2.89it/s] 8%|β–Š | 376/4480 [02:20<23:28, 2.91it/s] 8%|β–Š | 377/4480 [02:20<23:46, 2.88it/s] 8%|β–Š | 378/4480 [02:20<24:12, 2.82it/s] 8%|β–Š | 379/4480 [02:21<23:02, 2.97it/s] 8%|β–Š | 380/4480 [02:21<22:01, 3.10it/s] 9%|β–Š | 381/4480 [02:21<21:01, 3.25it/s] 9%|β–Š | 382/4480 [02:22<23:03, 2.96it/s] 9%|β–Š | 383/4480 [02:22<24:25, 2.80it/s] 9%|β–Š | 384/4480 [02:22<24:56, 2.74it/s] 9%|β–Š | 385/4480 [02:23<23:12, 2.94it/s] 9%|β–Š | 386/4480 [02:23<23:14, 2.94it/s] 9%|β–Š | 387/4480 [02:23<22:27, 3.04it/s] 9%|β–Š | 388/4480 [02:24<23:38, 2.88it/s] 9%|β–Š | 389/4480 [02:24<26:11, 2.60it/s] 9%|β–Š | 390/4480 [02:24<23:59, 2.84it/s] 9%|β–Š | 391/4480 [02:25<24:31, 2.78it/s] 9%|β–‰ | 392/4480 [02:25<23:50, 2.86it/s] 9%|β–‰ | 393/4480 [02:25<24:42, 2.76it/s] 9%|β–‰ | 394/4480 [02:26<24:43, 2.75it/s] 9%|β–‰ | 395/4480 [02:26<24:10, 2.82it/s] 9%|β–‰ | 396/4480 [02:27<27:16, 2.50it/s] 9%|β–‰ | 397/4480 [02:27<26:52, 2.53it/s] 9%|β–‰ | 398/4480 [02:27<24:58, 2.72it/s] 9%|β–‰ | 399/4480 [02:28<25:32, 2.66it/s] 9%|β–‰ | 400/4480 [02:28<25:13, 2.70it/s] 9%|β–‰ | 401/4480 [02:28<22:55, 2.96it/s] 9%|β–‰ | 402/4480 [02:29<25:10, 2.70it/s] 9%|β–‰ | 403/4480 [02:29<25:13, 2.69it/s] 9%|β–‰ | 404/4480 [02:30<25:15, 2.69it/s] 9%|β–‰ | 405/4480 [02:30<28:21, 2.39it/s] 9%|β–‰ | 406/4480 [02:30<24:35, 2.76it/s] 9%|β–‰ | 407/4480 [02:31<24:30, 2.77it/s] 9%|β–‰ | 408/4480 [02:31<25:41, 2.64it/s] 9%|β–‰ | 409/4480 [02:32<30:03, 2.26it/s] 9%|β–‰ | 410/4480 [02:32<27:13, 2.49it/s] 9%|β–‰ | 411/4480 [02:32<26:56, 2.52it/s] 9%|β–‰ | 412/4480 [02:33<24:51, 2.73it/s] 9%|β–‰ | 413/4480 [02:33<25:04, 2.70it/s] 9%|β–‰ | 414/4480 [02:33<25:37, 2.64it/s] 9%|β–‰ | 415/4480 [02:34<24:49, 2.73it/s] 9%|β–‰ | 416/4480 [02:34<26:02, 2.60it/s] 9%|β–‰ | 417/4480 [02:35<29:20, 2.31it/s] 9%|β–‰ | 418/4480 [02:35<31:13, 2.17it/s] 9%|β–‰ | 419/4480 [02:36<29:03, 2.33it/s] 9%|β–‰ | 420/4480 [02:36<28:41, 2.36it/s] 9%|β–‰ | 421/4480 [02:36<27:51, 2.43it/s] 9%|β–‰ | 422/4480 [02:37<34:14, 1.98it/s] 9%|β–‰ | 423/4480 [02:38<32:52, 2.06it/s] 9%|β–‰ | 424/4480 [02:38<32:04, 2.11it/s] 9%|β–‰ | 425/4480 [02:38<29:52, 2.26it/s] 10%|β–‰ | 426/4480 [02:39<28:03, 2.41it/s] 10%|β–‰ | 427/4480 [02:39<26:39, 2.53it/s] 10%|β–‰ | 428/4480 [02:39<25:56, 2.60it/s] 10%|β–‰ | 429/4480 [02:40<25:09, 2.68it/s] 10%|β–‰ | 430/4480 [02:40<25:42, 2.62it/s] 10%|β–‰ | 431/4480 [02:41<24:50, 2.72it/s] 10%|β–‰ | 432/4480 [02:41<23:36, 2.86it/s] 10%|β–‰ | 433/4480 [02:41<26:43, 2.52it/s] 10%|β–‰ | 434/4480 [02:42<24:37, 2.74it/s] 10%|β–‰ | 435/4480 [02:42<24:14, 2.78it/s] 10%|β–‰ | 436/4480 [02:42<24:10, 2.79it/s] 10%|β–‰ | 437/4480 [02:43<23:16, 2.89it/s] 10%|β–‰ | 438/4480 [02:43<22:28, 3.00it/s] 10%|β–‰ | 439/4480 [02:43<24:31, 2.75it/s] 10%|β–‰ | 440/4480 [02:44<23:08, 2.91it/s] 10%|β–‰ | 441/4480 [02:44<22:38, 2.97it/s] 10%|β–‰ | 442/4480 [02:44<23:36, 2.85it/s] 10%|β–‰ | 443/4480 [02:45<24:33, 2.74it/s] 10%|β–‰ | 444/4480 [02:45<24:04, 2.79it/s] 10%|β–‰ | 445/4480 [02:46<24:30, 2.74it/s] 10%|β–‰ | 446/4480 [02:46<22:49, 2.95it/s] 10%|β–‰ | 447/4480 [02:46<22:59, 2.92it/s] 10%|β–ˆ | 448/4480 [02:47<22:54, 2.93it/s][INFO|trainer.py:811] 2024-09-09 14:17:54,861 >> The following columns in the evaluation set don't have a corresponding argument in `BertForTokenClassification.forward` and have been ignored: id, tokens, ner_tags. If id, tokens, ner_tags are not expected by `BertForTokenClassification.forward`, you can safely ignore this message.
[INFO|trainer.py:3819] 2024-09-09 14:17:54,863 >>
***** Running Evaluation *****
[INFO|trainer.py:3821] 2024-09-09 14:17:54,863 >> Num examples = 6946
[INFO|trainer.py:3824] 2024-09-09 14:17:54,863 >> Batch size = 8
0%| | 0/869 [00:00<?, ?it/s]
1%| | 10/869 [00:00<00:09, 92.79it/s]
2%|▏ | 20/869 [00:00<00:10, 80.90it/s]
3%|β–Ž | 29/869 [00:00<00:10, 77.67it/s]
4%|▍ | 37/869 [00:00<00:11, 75.22it/s]
5%|β–Œ | 46/869 [00:00<00:10, 78.48it/s]
6%|β–‹ | 55/869 [00:00<00:10, 80.85it/s]
7%|β–‹ | 64/869 [00:00<00:10, 76.32it/s]
8%|β–Š | 72/869 [00:00<00:10, 75.42it/s]
9%|β–‰ | 81/869 [00:01<00:09, 79.55it/s]
10%|β–ˆ | 90/869 [00:01<00:09, 82.34it/s]
12%|β–ˆβ– | 100/869 [00:01<00:08, 85.84it/s]
13%|β–ˆβ–Ž | 109/869 [00:01<00:09, 81.70it/s]
14%|β–ˆβ–Ž | 118/869 [00:01<00:09, 81.22it/s]
15%|β–ˆβ– | 127/869 [00:01<00:09, 79.96it/s]
16%|β–ˆβ–Œ | 136/869 [00:01<00:09, 81.27it/s]
17%|β–ˆβ–‹ | 145/869 [00:01<00:09, 76.67it/s]
18%|β–ˆβ–Š | 154/869 [00:01<00:09, 78.89it/s]
19%|β–ˆβ–‰ | 163/869 [00:02<00:08, 79.25it/s]
20%|β–ˆβ–‰ | 171/869 [00:02<00:09, 77.29it/s]
21%|β–ˆβ–ˆ | 179/869 [00:02<00:09, 76.38it/s]
22%|β–ˆβ–ˆβ– | 188/869 [00:02<00:08, 77.83it/s]
23%|β–ˆβ–ˆβ–Ž | 196/869 [00:02<00:08, 75.39it/s]
24%|β–ˆβ–ˆβ–Ž | 205/869 [00:02<00:08, 77.74it/s]
25%|β–ˆβ–ˆβ– | 214/869 [00:02<00:08, 79.15it/s]
26%|β–ˆβ–ˆβ–Œ | 223/869 [00:02<00:08, 80.51it/s]
27%|β–ˆβ–ˆβ–‹ | 232/869 [00:02<00:08, 77.06it/s]
28%|β–ˆβ–ˆβ–Š | 240/869 [00:03<00:08, 76.98it/s]
29%|β–ˆβ–ˆβ–Š | 248/869 [00:03<00:08, 72.14it/s]
30%|β–ˆβ–ˆβ–‰ | 257/869 [00:03<00:08, 75.25it/s]
30%|β–ˆβ–ˆβ–ˆ | 265/869 [00:03<00:08, 74.46it/s]
31%|β–ˆβ–ˆβ–ˆβ– | 273/869 [00:03<00:07, 74.61it/s]
32%|β–ˆβ–ˆβ–ˆβ– | 281/869 [00:03<00:07, 73.92it/s]
33%|β–ˆβ–ˆβ–ˆβ–Ž | 289/869 [00:03<00:07, 73.26it/s]
34%|β–ˆβ–ˆβ–ˆβ– | 297/869 [00:03<00:07, 74.39it/s]
35%|β–ˆβ–ˆβ–ˆβ–Œ | 305/869 [00:03<00:07, 71.09it/s]
36%|β–ˆβ–ˆβ–ˆβ–Œ | 313/869 [00:04<00:07, 72.71it/s]
37%|β–ˆβ–ˆβ–ˆβ–‹ | 321/869 [00:04<00:07, 72.16it/s]
38%|β–ˆβ–ˆβ–ˆβ–Š | 330/869 [00:04<00:07, 76.38it/s]
39%|β–ˆβ–ˆβ–ˆβ–‰ | 339/869 [00:04<00:06, 78.09it/s]
40%|β–ˆβ–ˆβ–ˆβ–‰ | 347/869 [00:04<00:07, 72.56it/s]
41%|β–ˆβ–ˆβ–ˆβ–ˆ | 355/869 [00:04<00:06, 73.67it/s]
42%|β–ˆβ–ˆβ–ˆβ–ˆβ– | 364/869 [00:04<00:06, 77.58it/s]
43%|β–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 373/869 [00:04<00:06, 75.01it/s]
44%|β–ˆβ–ˆβ–ˆβ–ˆβ– | 381/869 [00:04<00:06, 76.13it/s]
45%|β–ˆβ–ˆβ–ˆβ–ˆβ– | 389/869 [00:05<00:06, 70.53it/s]
46%|β–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 398/869 [00:05<00:06, 73.42it/s]
47%|β–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 407/869 [00:05<00:06, 76.02it/s]
48%|β–ˆβ–ˆβ–ˆβ–ˆβ–Š | 416/869 [00:05<00:05, 78.88it/s]
49%|β–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 425/869 [00:05<00:05, 79.96it/s]
50%|β–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 434/869 [00:05<00:05, 80.34it/s]
51%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 443/869 [00:05<00:05, 75.42it/s]
52%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 452/869 [00:05<00:05, 78.65it/s]
53%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 460/869 [00:05<00:05, 77.89it/s]
54%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 468/869 [00:06<00:05, 77.51it/s]
55%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 478/869 [00:06<00:04, 82.03it/s]
56%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 487/869 [00:06<00:04, 82.20it/s]
57%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 496/869 [00:06<00:04, 76.78it/s]
58%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 504/869 [00:06<00:04, 74.30it/s]
59%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 512/869 [00:06<00:04, 75.36it/s]
60%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 521/869 [00:06<00:04, 78.56it/s]
61%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 529/869 [00:06<00:04, 72.22it/s]
62%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 537/869 [00:06<00:04, 73.11it/s]
63%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 545/869 [00:07<00:04, 71.36it/s]
64%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 554/869 [00:07<00:04, 74.37it/s]
65%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 562/869 [00:07<00:04, 75.80it/s]
66%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 570/869 [00:07<00:04, 74.62it/s]
67%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 579/869 [00:07<00:03, 77.57it/s]
68%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 587/869 [00:07<00:03, 74.27it/s]
68%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 595/869 [00:07<00:03, 75.65it/s]
70%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 604/869 [00:07<00:03, 78.50it/s]
70%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 612/869 [00:07<00:03, 77.23it/s]
71%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 620/869 [00:08<00:03, 77.57it/s]
72%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 628/869 [00:08<00:03, 75.04it/s]
73%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 636/869 [00:08<00:03, 73.98it/s]
74%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 645/869 [00:08<00:02, 77.26it/s]
75%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 654/869 [00:08<00:02, 78.96it/s]
76%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 662/869 [00:08<00:02, 78.16it/s]
77%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 671/869 [00:08<00:02, 81.02it/s]
78%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 680/869 [00:08<00:02, 82.95it/s]
79%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 689/869 [00:08<00:02, 71.57it/s]
80%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 697/869 [00:09<00:02, 72.76it/s]
81%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 705/869 [00:09<00:02, 73.06it/s]
82%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 714/869 [00:09<00:02, 76.13it/s]
83%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 722/869 [00:09<00:01, 76.22it/s]
84%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 731/869 [00:09<00:01, 77.06it/s]
85%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 739/869 [00:09<00:01, 77.04it/s]
86%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 747/869 [00:09<00:01, 77.31it/s]
87%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 755/869 [00:09<00:01, 75.96it/s]
88%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 764/869 [00:09<00:01, 79.21it/s]
89%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 772/869 [00:10<00:01, 73.60it/s]
90%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 780/869 [00:10<00:01, 64.89it/s]
91%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 788/869 [00:10<00:01, 68.63it/s]
92%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 797/869 [00:10<00:00, 72.49it/s]
93%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž| 805/869 [00:10<00:00, 73.39it/s]
94%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž| 814/869 [00:10<00:00, 75.71it/s]
95%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 822/869 [00:10<00:00, 75.42it/s]
96%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ| 831/869 [00:10<00:00, 76.65it/s]
97%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹| 840/869 [00:10<00:00, 78.44it/s]
98%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š| 849/869 [00:11<00:00, 80.04it/s]
99%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š| 858/869 [00:11<00:00, 79.59it/s]
100%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰| 866/869 [00:11<00:00, 74.29it/s]
 10%|β–ˆ | 448/4480 [03:02<22:54, 2.93it/s]
100%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ| 869/869 [00:15<00:00, 74.29it/s]
[INFO|trainer.py:3503] 2024-09-09 14:18:09,952 >> Saving model checkpoint to /content/dissertation/scripts/ner/output/checkpoint-448
[INFO|configuration_utils.py:472] 2024-09-09 14:18:09,953 >> Configuration saved in /content/dissertation/scripts/ner/output/checkpoint-448/config.json
[INFO|modeling_utils.py:2799] 2024-09-09 14:18:10,847 >> Model weights saved in /content/dissertation/scripts/ner/output/checkpoint-448/model.safetensors
[INFO|tokenization_utils_base.py:2684] 2024-09-09 14:18:10,848 >> tokenizer config file saved in /content/dissertation/scripts/ner/output/checkpoint-448/tokenizer_config.json
[INFO|tokenization_utils_base.py:2693] 2024-09-09 14:18:10,848 >> Special tokens file saved in /content/dissertation/scripts/ner/output/checkpoint-448/special_tokens_map.json
[INFO|tokenization_utils_base.py:2684] 2024-09-09 14:18:13,510 >> tokenizer config file saved in /content/dissertation/scripts/ner/output/tokenizer_config.json
[INFO|tokenization_utils_base.py:2693] 2024-09-09 14:18:13,510 >> Special tokens file saved in /content/dissertation/scripts/ner/output/special_tokens_map.json
10%|β–ˆ | 449/4480 [03:06<6:41:43, 5.98s/it] 10%|β–ˆ | 450/4480 [03:06<4:51:00, 4.33s/it] 10%|β–ˆ | 451/4480 [03:07<3:31:43, 3.15s/it] 10%|β–ˆ | 452/4480 [03:07<2:36:10, 2.33s/it] 10%|β–ˆ | 453/4480 [03:07<1:54:40, 1.71s/it] 10%|β–ˆ | 454/4480 [03:08<1:28:07, 1.31s/it] 10%|β–ˆ | 455/4480 [03:08<1:08:58, 1.03s/it] 10%|β–ˆ | 456/4480 [03:08<53:19, 1.26it/s] 10%|β–ˆ | 457/4480 [03:09<43:53, 1.53it/s] 10%|β–ˆ | 458/4480 [03:09<37:31, 1.79it/s] 10%|β–ˆ | 459/4480 [03:09<38:22, 1.75it/s] 10%|β–ˆ | 460/4480 [03:10<33:39, 1.99it/s] 10%|β–ˆ | 461/4480 [03:10<31:32, 2.12it/s] 10%|β–ˆ | 462/4480 [03:11<28:45, 2.33it/s] 10%|β–ˆ | 463/4480 [03:11<27:17, 2.45it/s] 10%|β–ˆ | 464/4480 [03:11<26:13, 2.55it/s] 10%|β–ˆ | 465/4480 [03:12<25:11, 2.66it/s] 10%|β–ˆ | 466/4480 [03:12<23:50, 2.81it/s] 10%|β–ˆ | 467/4480 [03:12<23:50, 2.81it/s] 10%|β–ˆ | 468/4480 [03:13<27:53, 2.40it/s] 10%|β–ˆ | 469/4480 [03:13<25:14, 2.65it/s] 10%|β–ˆ | 470/4480 [03:13<24:07, 2.77it/s] 11%|β–ˆ | 471/4480 [03:14<23:45, 2.81it/s] 11%|β–ˆ | 472/4480 [03:14<23:26, 2.85it/s] 11%|β–ˆ | 473/4480 [03:15<24:05, 2.77it/s] 11%|β–ˆ | 474/4480 [03:15<24:20, 2.74it/s] 11%|β–ˆ | 475/4480 [03:15<25:03, 2.66it/s] 11%|β–ˆ | 476/4480 [03:16<23:49, 2.80it/s] 11%|β–ˆ | 477/4480 [03:16<23:51, 2.80it/s] 11%|β–ˆ | 478/4480 [03:16<22:26, 2.97it/s] 11%|β–ˆ | 479/4480 [03:17<21:31, 3.10it/s] 11%|β–ˆ | 480/4480 [03:17<21:46, 3.06it/s] 11%|β–ˆ | 481/4480 [03:17<23:15, 2.87it/s] 11%|β–ˆ | 482/4480 [03:18<24:33, 2.71it/s] 11%|β–ˆ | 483/4480 [03:18<24:43, 2.69it/s] 11%|β–ˆ | 484/4480 [03:18<25:12, 2.64it/s] 11%|β–ˆ | 485/4480 [03:19<24:29, 2.72it/s] 11%|β–ˆ | 486/4480 [03:19<27:55, 2.38it/s] 11%|β–ˆ | 487/4480 [03:20<32:18, 2.06it/s] 11%|β–ˆ | 488/4480 [03:20<31:42, 2.10it/s] 11%|β–ˆ | 489/4480 [03:21<28:55, 2.30it/s] 11%|β–ˆ | 490/4480 [03:21<27:55, 2.38it/s] 11%|β–ˆ | 491/4480 [03:21<25:09, 2.64it/s] 11%|β–ˆ | 492/4480 [03:22<24:27, 2.72it/s] 11%|β–ˆ | 493/4480 [03:22<24:30, 2.71it/s] 11%|β–ˆ | 494/4480 [03:23<23:53, 2.78it/s] 11%|β–ˆ | 495/4480 [03:23<23:30, 2.82it/s] 11%|β–ˆ | 496/4480 [03:23<23:04, 2.88it/s] 11%|β–ˆ | 497/4480 [03:24<23:29, 2.82it/s] 11%|β–ˆ | 498/4480 [03:24<23:06, 2.87it/s] 11%|β–ˆ | 499/4480 [03:24<22:46, 2.91it/s] 11%|β–ˆ | 500/4480 [03:25<27:16, 2.43it/s] 11%|β–ˆ | 500/4480 [03:25<27:16, 2.43it/s] 11%|β–ˆ | 501/4480 [03:25<31:27, 2.11it/s] 11%|β–ˆ | 502/4480 [03:26<28:12, 2.35it/s] 11%|β–ˆ | 503/4480 [03:26<26:23, 2.51it/s] 11%|β–ˆβ– | 504/4480 [03:26<25:09, 2.63it/s] 11%|β–ˆβ– | 505/4480 [03:27<24:50, 2.67it/s] 11%|β–ˆβ– | 506/4480 [03:27<27:31, 2.41it/s] 11%|β–ˆβ– | 507/4480 [03:28<24:50, 2.66it/s] 11%|β–ˆβ– | 508/4480 [03:28<27:23, 2.42it/s] 11%|β–ˆβ– | 509/4480 [03:28<24:41, 2.68it/s] 11%|β–ˆβ– | 510/4480 [03:29<23:15, 2.85it/s] 11%|β–ˆβ– | 511/4480 [03:29<22:12, 2.98it/s] 11%|β–ˆβ– | 512/4480 [03:29<23:53, 2.77it/s] 11%|β–ˆβ– | 513/4480 [03:30<22:50, 2.89it/s] 11%|β–ˆβ– | 514/4480 [03:30<23:24, 2.82it/s] 11%|β–ˆβ– | 515/4480 [03:30<21:48, 3.03it/s] 12%|β–ˆβ– | 516/4480 [03:31<21:58, 3.01it/s] 12%|β–ˆβ– | 517/4480 [03:31<21:40, 3.05it/s] 12%|β–ˆβ– | 518/4480 [03:31<23:52, 2.77it/s] 12%|β–ˆβ– | 519/4480 [03:32<22:42, 2.91it/s] 12%|β–ˆβ– | 520/4480 [03:32<22:14, 2.97it/s] 12%|β–ˆβ– | 521/4480 [03:32<21:35, 3.06it/s] 12%|β–ˆβ– | 522/4480 [03:33<23:50, 2.77it/s] 12%|β–ˆβ– | 523/4480 [03:33<24:23, 2.70it/s] 12%|β–ˆβ– | 524/4480 [03:33<21:43, 3.03it/s] 12%|β–ˆβ– | 525/4480 [03:34<23:16, 2.83it/s] 12%|β–ˆβ– | 526/4480 [03:34<23:03, 2.86it/s] 12%|β–ˆβ– | 527/4480 [03:34<22:30, 2.93it/s] 12%|β–ˆβ– | 528/4480 [03:35<21:39, 3.04it/s] 12%|β–ˆβ– | 529/4480 [03:35<23:01, 2.86it/s] 12%|β–ˆβ– | 530/4480 [03:36<23:29, 2.80it/s] 12%|β–ˆβ– | 531/4480 [03:36<25:11, 2.61it/s] 12%|β–ˆβ– | 532/4480 [03:36<24:50, 2.65it/s] 12%|β–ˆβ– | 533/4480 [03:37<28:27, 2.31it/s] 12%|β–ˆβ– | 534/4480 [03:37<27:49, 2.36it/s] 12%|β–ˆβ– | 535/4480 [03:38<27:50, 2.36it/s] 12%|β–ˆβ– | 536/4480 [03:38<25:21, 2.59it/s] 12%|β–ˆβ– | 537/4480 [03:38<26:08, 2.51it/s] 12%|β–ˆβ– | 538/4480 [03:39<25:05, 2.62it/s] 12%|β–ˆβ– | 539/4480 [03:39<25:29, 2.58it/s] 12%|β–ˆβ– | 540/4480 [03:40<25:05, 2.62it/s] 12%|β–ˆβ– | 541/4480 [03:40<24:07, 2.72it/s] 12%|β–ˆβ– | 542/4480 [03:40<22:54, 2.86it/s] 12%|β–ˆβ– | 543/4480 [03:41<21:59, 2.98it/s] 12%|β–ˆβ– | 544/4480 [03:41<25:18, 2.59it/s] 12%|β–ˆβ– | 545/4480 [03:41<25:08, 2.61it/s] 12%|β–ˆβ– | 546/4480 [03:42<27:46, 2.36it/s] 12%|β–ˆβ– | 547/4480 [03:42<26:14, 2.50it/s] 12%|β–ˆβ– | 548/4480 [03:43<25:27, 2.57it/s] 12%|β–ˆβ– | 549/4480 [03:43<26:18, 2.49it/s] 12%|β–ˆβ– | 550/4480 [03:44<28:02, 2.34it/s] 12%|β–ˆβ– | 551/4480 [03:44<27:01, 2.42it/s] 12%|β–ˆβ– | 552/4480 [03:44<29:30, 2.22it/s] 12%|β–ˆβ– | 553/4480 [03:45<26:33, 2.46it/s] 12%|β–ˆβ– | 554/4480 [03:45<24:58, 2.62it/s] 12%|β–ˆβ– | 555/4480 [03:45<23:37, 2.77it/s] 12%|β–ˆβ– | 556/4480 [03:46<25:37, 2.55it/s] 12%|β–ˆβ– | 557/4480 [03:46<24:21, 2.68it/s] 12%|β–ˆβ– | 558/4480 [03:46<22:27, 2.91it/s] 12%|β–ˆβ– | 559/4480 [03:47<21:36, 3.02it/s] 12%|β–ˆβ–Ž | 560/4480 [03:47<21:46, 3.00it/s] 13%|β–ˆβ–Ž | 561/4480 [03:47<22:41, 2.88it/s] 13%|β–ˆβ–Ž | 562/4480 [03:48<23:15, 2.81it/s] 13%|β–ˆβ–Ž | 563/4480 [03:49<29:23, 2.22it/s] 13%|β–ˆβ–Ž | 564/4480 [03:49<28:08, 2.32it/s] 13%|β–ˆβ–Ž | 565/4480 [03:49<28:23, 2.30it/s] 13%|β–ˆβ–Ž | 566/4480 [03:50<26:58, 2.42it/s] 13%|β–ˆβ–Ž | 567/4480 [03:50<27:07, 2.40it/s] 13%|β–ˆβ–Ž | 568/4480 [03:51<26:20, 2.48it/s] 13%|β–ˆβ–Ž | 569/4480 [03:51<25:58, 2.51it/s] 13%|β–ˆβ–Ž | 570/4480 [03:51<23:38, 2.76it/s]