2024-05-13 11:35:59.227796: E external/local_xla/xla/stream_executor/cuda/cuda_dnn.cc:9261] Unable to register cuDNN factory: Attempting to register factory for plugin cuDNN when one has already been registered 2024-05-13 11:35:59.227844: E external/local_xla/xla/stream_executor/cuda/cuda_fft.cc:607] Unable to register cuFFT factory: Attempting to register factory for plugin cuFFT when one has already been registered 2024-05-13 11:35:59.229776: E external/local_xla/xla/stream_executor/cuda/cuda_blas.cc:1515] Unable to register cuBLAS factory: Attempting to register factory for plugin cuBLAS when one has already been registered 2024-05-13 11:36:00.372355: W tensorflow/compiler/tf2tensorrt/utils/py_utils.cc:38] TF-TRT Warning: Could not find TensorRT 05/13/2024 11:36:02 - WARNING - __main__ - Process rank: 0, device: cuda:0, n_gpu: 1distributed training: True, 16-bits training: False 05/13/2024 11:36:02 - INFO - __main__ - Training/evaluation parameters TrainingArguments( _n_gpu=1, accelerator_config={'split_batches': False, 'dispatch_batches': None, 'even_batches': True, 'use_seedable_sampler': True, 'gradient_accumulation_kwargs': None}, adafactor=False, adam_beta1=0.9, adam_beta2=0.999, adam_epsilon=1e-08, auto_find_batch_size=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_steps=None, 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=4, 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=, 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=4, prediction_loss_only=False, push_to_hub=True, push_to_hub_model_id=None, push_to_hub_organization=None, push_to_hub_token=, ray_scope=last, remove_unused_columns=True, report_to=['tensorboard'], 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, 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, ) /usr/local/lib/python3.10/dist-packages/datasets/load.py:1486: FutureWarning: The repository for Rodrigo1771/multi-train-distemist-dev-ner contains custom code which must be executed to correctly load the dataset. You can inspect the repository content at https://hf.co/datasets/Rodrigo1771/multi-train-distemist-dev-ner You can avoid this message in future by passing the argument `trust_remote_code=True`. Passing `trust_remote_code=True` will be mandatory to load this dataset from the next major release of `datasets`. warnings.warn( /usr/local/lib/python3.10/dist-packages/huggingface_hub/file_download.py:1132: FutureWarning: `resume_download` is deprecated and will be removed in version 1.0.0. Downloads always resume when possible. If you want to force a new download, use `force_download=True`. warnings.warn( [INFO|configuration_utils.py:726] 2024-05-13 11:36:06,753 >> loading configuration file config.json from cache at /root/.cache/huggingface/hub/models--PlanTL-GOB-ES--bsc-bio-ehr-es/snapshots/1e543adb2d21f19d85a89305eebdbd64ab656b99/config.json [INFO|configuration_utils.py:789] 2024-05-13 11:36:06,757 >> Model config RobertaConfig { "_name_or_path": "PlanTL-GOB-ES/bsc-bio-ehr-es", "architectures": [ "RobertaForMaskedLM" ], "attention_probs_dropout_prob": 0.1, "bos_token_id": 0, "classifier_dropout": null, "eos_token_id": 2, "finetuning_task": "ner", "gradient_checkpointing": false, "hidden_act": "gelu", "hidden_dropout_prob": 0.1, "hidden_size": 768, "id2label": { "0": "O", "1": "B-ENFERMEDAD", "2": "I-ENFERMEDAD", "3": "B-PROCEDIMIENTO", "4": "I-PROCEDIMIENTO", "5": "B-SINTOMA", "6": "I-SINTOMA", "7": "B-FARMACO", "8": "I-FARMACO" }, "initializer_range": 0.02, "intermediate_size": 3072, "label2id": { "B-ENFERMEDAD": 1, "B-FARMACO": 7, "B-PROCEDIMIENTO": 3, "B-SINTOMA": 5, "I-ENFERMEDAD": 2, "I-FARMACO": 8, "I-PROCEDIMIENTO": 4, "I-SINTOMA": 6, "O": 0 }, "layer_norm_eps": 1e-05, "max_position_embeddings": 514, "model_type": "roberta", "num_attention_heads": 12, "num_hidden_layers": 12, "pad_token_id": 1, "position_embedding_type": "absolute", "transformers_version": "4.40.2", "type_vocab_size": 1, "use_cache": true, "vocab_size": 50262 } [INFO|configuration_utils.py:726] 2024-05-13 11:36:07,020 >> loading configuration file config.json from cache at /root/.cache/huggingface/hub/models--PlanTL-GOB-ES--bsc-bio-ehr-es/snapshots/1e543adb2d21f19d85a89305eebdbd64ab656b99/config.json [INFO|configuration_utils.py:789] 2024-05-13 11:36:07,021 >> Model config RobertaConfig { "_name_or_path": "PlanTL-GOB-ES/bsc-bio-ehr-es", "architectures": [ "RobertaForMaskedLM" ], "attention_probs_dropout_prob": 0.1, "bos_token_id": 0, "classifier_dropout": null, "eos_token_id": 2, "gradient_checkpointing": false, "hidden_act": "gelu", "hidden_dropout_prob": 0.1, "hidden_size": 768, "initializer_range": 0.02, "intermediate_size": 3072, "layer_norm_eps": 1e-05, "max_position_embeddings": 514, "model_type": "roberta", "num_attention_heads": 12, "num_hidden_layers": 12, "pad_token_id": 1, "position_embedding_type": "absolute", "transformers_version": "4.40.2", "type_vocab_size": 1, "use_cache": true, "vocab_size": 50262 } [INFO|tokenization_utils_base.py:2087] 2024-05-13 11:36:07,031 >> loading file vocab.json from cache at /root/.cache/huggingface/hub/models--PlanTL-GOB-ES--bsc-bio-ehr-es/snapshots/1e543adb2d21f19d85a89305eebdbd64ab656b99/vocab.json [INFO|tokenization_utils_base.py:2087] 2024-05-13 11:36:07,031 >> loading file merges.txt from cache at /root/.cache/huggingface/hub/models--PlanTL-GOB-ES--bsc-bio-ehr-es/snapshots/1e543adb2d21f19d85a89305eebdbd64ab656b99/merges.txt [INFO|tokenization_utils_base.py:2087] 2024-05-13 11:36:07,031 >> loading file tokenizer.json from cache at None [INFO|tokenization_utils_base.py:2087] 2024-05-13 11:36:07,031 >> loading file added_tokens.json from cache at None [INFO|tokenization_utils_base.py:2087] 2024-05-13 11:36:07,031 >> loading file special_tokens_map.json from cache at /root/.cache/huggingface/hub/models--PlanTL-GOB-ES--bsc-bio-ehr-es/snapshots/1e543adb2d21f19d85a89305eebdbd64ab656b99/special_tokens_map.json [INFO|tokenization_utils_base.py:2087] 2024-05-13 11:36:07,031 >> loading file tokenizer_config.json from cache at /root/.cache/huggingface/hub/models--PlanTL-GOB-ES--bsc-bio-ehr-es/snapshots/1e543adb2d21f19d85a89305eebdbd64ab656b99/tokenizer_config.json [INFO|configuration_utils.py:726] 2024-05-13 11:36:07,031 >> loading configuration file config.json from cache at /root/.cache/huggingface/hub/models--PlanTL-GOB-ES--bsc-bio-ehr-es/snapshots/1e543adb2d21f19d85a89305eebdbd64ab656b99/config.json [INFO|configuration_utils.py:789] 2024-05-13 11:36:07,032 >> Model config RobertaConfig { "_name_or_path": "PlanTL-GOB-ES/bsc-bio-ehr-es", "architectures": [ "RobertaForMaskedLM" ], "attention_probs_dropout_prob": 0.1, "bos_token_id": 0, "classifier_dropout": null, "eos_token_id": 2, "gradient_checkpointing": false, "hidden_act": "gelu", "hidden_dropout_prob": 0.1, "hidden_size": 768, "initializer_range": 0.02, "intermediate_size": 3072, "layer_norm_eps": 1e-05, "max_position_embeddings": 514, "model_type": "roberta", "num_attention_heads": 12, "num_hidden_layers": 12, "pad_token_id": 1, "position_embedding_type": "absolute", "transformers_version": "4.40.2", "type_vocab_size": 1, "use_cache": true, "vocab_size": 50262 } [INFO|configuration_utils.py:726] 2024-05-13 11:36:07,111 >> loading configuration file config.json from cache at /root/.cache/huggingface/hub/models--PlanTL-GOB-ES--bsc-bio-ehr-es/snapshots/1e543adb2d21f19d85a89305eebdbd64ab656b99/config.json [INFO|configuration_utils.py:789] 2024-05-13 11:36:07,112 >> Model config RobertaConfig { "_name_or_path": "PlanTL-GOB-ES/bsc-bio-ehr-es", "architectures": [ "RobertaForMaskedLM" ], "attention_probs_dropout_prob": 0.1, "bos_token_id": 0, "classifier_dropout": null, "eos_token_id": 2, "gradient_checkpointing": false, "hidden_act": "gelu", "hidden_dropout_prob": 0.1, "hidden_size": 768, "initializer_range": 0.02, "intermediate_size": 3072, "layer_norm_eps": 1e-05, "max_position_embeddings": 514, "model_type": "roberta", "num_attention_heads": 12, "num_hidden_layers": 12, "pad_token_id": 1, "position_embedding_type": "absolute", "transformers_version": "4.40.2", "type_vocab_size": 1, "use_cache": true, "vocab_size": 50262 } [INFO|modeling_utils.py:3429] 2024-05-13 11:36:07,512 >> loading weights file pytorch_model.bin from cache at /root/.cache/huggingface/hub/models--PlanTL-GOB-ES--bsc-bio-ehr-es/snapshots/1e543adb2d21f19d85a89305eebdbd64ab656b99/pytorch_model.bin [INFO|modeling_utils.py:4160] 2024-05-13 11:36:07,636 >> Some weights of the model checkpoint at PlanTL-GOB-ES/bsc-bio-ehr-es were not used when initializing RobertaForTokenClassification: ['lm_head.bias', 'lm_head.decoder.bias', 'lm_head.decoder.weight', 'lm_head.dense.bias', 'lm_head.dense.weight', 'lm_head.layer_norm.bias', 'lm_head.layer_norm.weight'] - This IS expected if you are initializing RobertaForTokenClassification 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 RobertaForTokenClassification 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:4172] 2024-05-13 11:36:07,636 >> Some weights of RobertaForTokenClassification were not initialized from the model checkpoint at PlanTL-GOB-ES/bsc-bio-ehr-es 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/27224 [00:00> The following columns in the training set don't have a corresponding argument in `RobertaForTokenClassification.forward` and have been ignored: tokens, ner_tags, id. If tokens, ner_tags, id are not expected by `RobertaForTokenClassification.forward`, you can safely ignore this message. [INFO|trainer.py:2048] 2024-05-13 11:36:12,203 >> ***** Running training ***** [INFO|trainer.py:2049] 2024-05-13 11:36:12,203 >> Num examples = 27,224 [INFO|trainer.py:2050] 2024-05-13 11:36:12,204 >> Num Epochs = 10 [INFO|trainer.py:2051] 2024-05-13 11:36:12,204 >> Instantaneous batch size per device = 4 [INFO|trainer.py:2054] 2024-05-13 11:36:12,204 >> Total train batch size (w. parallel, distributed & accumulation) = 16 [INFO|trainer.py:2055] 2024-05-13 11:36:12,204 >> Gradient Accumulation steps = 4 [INFO|trainer.py:2056] 2024-05-13 11:36:12,204 >> Total optimization steps = 17,010 [INFO|trainer.py:2057] 2024-05-13 11:36:12,204 >> Number of trainable parameters = 124,059,657 0%| | 0/17010 [00:00> The following columns in the evaluation set don't have a corresponding argument in `RobertaForTokenClassification.forward` and have been ignored: tokens, ner_tags, id. If tokens, ner_tags, id are not expected by `RobertaForTokenClassification.forward`, you can safely ignore this message. [INFO|trainer.py:3614] 2024-05-13 11:41:19,772 >> ***** Running Evaluation ***** [INFO|trainer.py:3616] 2024-05-13 11:41:19,772 >> Num examples = 6807 [INFO|trainer.py:3619] 2024-05-13 11:41:19,772 >> Batch size = 8 {'loss': 0.4174, 'grad_norm': 1.9668159484863281, 'learning_rate': 4.853027630805409e-05, 'epoch': 0.29} {'loss': 0.2765, 'grad_norm': 3.246731758117676, 'learning_rate': 4.7060552616108174e-05, 'epoch': 0.59} {'loss': 0.2596, 'grad_norm': 2.936720609664917, 'learning_rate': 4.559082892416226e-05, 'epoch': 0.88} 0%| | 0/851 [00:00> Saving model checkpoint to /content/dissertation/scripts/ner/output/checkpoint-1701 [INFO|configuration_utils.py:471] 2024-05-13 11:41:36,043 >> Configuration saved in /content/dissertation/scripts/ner/output/checkpoint-1701/config.json [INFO|modeling_utils.py:2590] 2024-05-13 11:41:37,005 >> Model weights saved in /content/dissertation/scripts/ner/output/checkpoint-1701/model.safetensors [INFO|tokenization_utils_base.py:2488] 2024-05-13 11:41:37,006 >> tokenizer config file saved in /content/dissertation/scripts/ner/output/checkpoint-1701/tokenizer_config.json [INFO|tokenization_utils_base.py:2497] 2024-05-13 11:41:37,006 >> Special tokens file saved in /content/dissertation/scripts/ner/output/checkpoint-1701/special_tokens_map.json [INFO|tokenization_utils_base.py:2488] 2024-05-13 11:41:42,699 >> tokenizer config file saved in /content/dissertation/scripts/ner/output/tokenizer_config.json [INFO|tokenization_utils_base.py:2497] 2024-05-13 11:41:42,699 >> Special tokens file saved in /content/dissertation/scripts/ner/output/special_tokens_map.json 10%|█ | 1702/17010 [05:30<30:05:35, 7.08s/it] 10%|█ | 1703/17010 [05:30<21:17:29, 5.01s/it] 10%|█ | 1704/17010 [05:30<15:08:00, 3.56s/it] 10%|█ | 1705/17010 [05:31<10:51:15, 2.55s/it] 10%|█ | 1706/17010 [05:31<7:49:33, 1.84s/it] 10%|█ | 1707/17010 [05:31<5:42:21, 1.34s/it] 10%|█ | 1708/17010 [05:31<4:13:21, 1.01it/s] 10%|█ | 1709/17010 [05:31<3:11:09, 1.33it/s] 10%|█ | 1710/17010 [05:32<2:28:04, 1.72it/s] 10%|█ | 1711/17010 [05:32<1:57:43, 2.17it/s] 10%|█ | 1712/17010 [05:32<1:36:27, 2.64it/s] 10%|█ | 1713/17010 [05:32<1:21:15, 3.14it/s] 10%|█ | 1714/17010 [05:32<1:10:42, 3.61it/s] 10%|█ | 1715/17010 [05:33<1:03:49, 3.99it/s] 10%|█ | 1716/17010 [05:33<59:17, 4.30it/s] 10%|█ | 1717/17010 [05:33<54:57, 4.64it/s] 10%|█ | 1718/17010 [05:33<52:46, 4.83it/s] 10%|█ | 1719/17010 [05:33<50:38, 5.03it/s] 10%|█ | 1720/17010 [05:33<49:06, 5.19it/s] 10%|█ | 1721/17010 [05:34<47:59, 5.31it/s] 10%|█ | 1722/17010 [05:34<47:24, 5.37it/s] 10%|█ | 1723/17010 [05:34<46:49, 5.44it/s] 10%|█ | 1724/17010 [05:34<46:27, 5.48it/s] 10%|█ | 1725/17010 [05:34<46:46, 5.45it/s] 10%|█ | 1726/17010 [05:35<46:26, 5.49it/s] 10%|█ | 1727/17010 [05:35<46:14, 5.51it/s] 10%|█ | 1728/17010 [05:35<46:04, 5.53it/s] 10%|█ | 1729/17010 [05:35<46:10, 5.51it/s] 10%|█ | 1730/17010 [05:35<46:02, 5.53it/s] 10%|█ | 1731/17010 [05:35<45:57, 5.54it/s] 10%|█ | 1732/17010 [05:36<45:35, 5.59it/s] 10%|█ | 1733/17010 [05:36<46:02, 5.53it/s] 10%|█ | 1734/17010 [05:36<45:45, 5.56it/s] 10%|█ | 1735/17010 [05:36<46:01, 5.53it/s] 10%|█ | 1736/17010 [05:36<45:48, 5.56it/s] 10%|█ | 1737/17010 [05:36<45:33, 5.59it/s] 10%|█ | 1738/17010 [05:37<45:44, 5.57it/s] 10%|█ | 1739/17010 [05:37<45:52, 5.55it/s] 10%|█ | 1740/17010 [05:37<46:15, 5.50it/s] 10%|█ | 1741/17010 [05:37<46:20, 5.49it/s] 10%|█ | 1742/17010 [05:37<45:44, 5.56it/s] 10%|█ | 1743/17010 [05:38<45:43, 5.56it/s] 10%|█ | 1744/17010 [05:38<46:22, 5.49it/s] 10%|█ | 1745/17010 [05:38<46:18, 5.49it/s] 10%|█ | 1746/17010 [05:38<45:55, 5.54it/s] 10%|█ | 1747/17010 [05:38<47:35, 5.34it/s] 10%|█ | 1748/17010 [05:38<47:01, 5.41it/s] 10%|█ | 1749/17010 [05:39<46:49, 5.43it/s] 10%|█ | 1750/17010 [05:39<46:36, 5.46it/s] 10%|█ | 1751/17010 [05:39<46:08, 5.51it/s] 10%|█ | 1752/17010 [05:39<45:49, 5.55it/s] 10%|█ | 1753/17010 [05:39<46:24, 5.48it/s] 10%|█ | 1754/17010 [05:40<46:14, 5.50it/s] 10%|█ | 1755/17010 [05:40<46:24, 5.48it/s] 10%|█ | 1756/17010 [05:40<46:16, 5.49it/s] 10%|█ | 1757/17010 [05:40<47:33, 5.35it/s] 10%|█ | 1758/17010 [05:40<46:52, 5.42it/s] 10%|█ | 1759/17010 [05:41<46:19, 5.49it/s] 10%|█ | 1760/17010 [05:41<46:24, 5.48it/s] 10%|█ | 1761/17010 [05:41<46:12, 5.50it/s] 10%|█ | 1762/17010 [05:41<45:58, 5.53it/s] 10%|█ | 1763/17010 [05:41<45:41, 5.56it/s] 10%|█ | 1764/17010 [05:41<45:30, 5.58it/s] 10%|█ | 1765/17010 [05:42<45:18, 5.61it/s] 10%|█ | 1766/17010 [05:42<45:18, 5.61it/s] 10%|█ | 1767/17010 [05:42<45:30, 5.58it/s] 10%|█ | 1768/17010 [05:42<45:31, 5.58it/s] 10%|█ | 1769/17010 [05:42<46:04, 5.51it/s] 10%|█ | 1770/17010 [05:42<46:05, 5.51it/s] 10%|█ | 1771/17010 [05:43<45:48, 5.54it/s] 10%|█ | 1772/17010 [05:43<45:45, 5.55it/s] 10%|█ | 1773/17010 [05:43<45:49, 5.54it/s] 10%|█ | 1774/17010 [05:43<46:00, 5.52it/s] 10%|█ | 1775/17010 [05:43<45:54, 5.53it/s] 10%|█ | 1776/17010 [05:44<45:49, 5.54it/s] 10%|█ | 1777/17010 [05:44<45:33, 5.57it/s] 10%|█ | 1778/17010 [05:44<45:41, 5.56it/s] 10%|█ | 1779/17010 [05:44<45:35, 5.57it/s] 10%|█ | 1780/17010 [05:44<45:47, 5.54it/s] 10%|█ | 1781/17010 [05:44<45:42, 5.55it/s] 10%|█ | 1782/17010 [05:45<45:35, 5.57it/s] 10%|█ | 1783/17010 [05:45<45:32, 5.57it/s] 10%|█ | 1784/17010 [05:45<45:50, 5.53it/s] 10%|█ | 1785/17010 [05:45<45:44, 5.55it/s] 10%|█ | 1786/17010 [05:45<45:43, 5.55it/s] 11%|█ | 1787/17010 [05:46<46:06, 5.50it/s] 11%|█ | 1788/17010 [05:46<46:05, 5.51it/s] 11%|█ | 1789/17010 [05:46<45:52, 5.53it/s] 11%|█ | 1790/17010 [05:46<46:16, 5.48it/s] 11%|█ | 1791/17010 [05:46<46:05, 5.50it/s] 11%|█ | 1792/17010 [05:46<45:40, 5.55it/s] 11%|█ | 1793/17010 [05:47<45:26, 5.58it/s] 11%|█ | 1794/17010 [05:47<45:25, 5.58it/s] 11%|█ | 1795/17010 [05:47<45:14, 5.60it/s] 11%|█ | 1796/17010 [05:47<45:08, 5.62it/s] 11%|█ | 1797/17010 [05:47<45:10, 5.61it/s] 11%|█ | 1798/17010 [05:48<45:09, 5.61it/s] 11%|█ | 1799/17010 [05:48<45:17, 5.60it/s] 11%|█ | 1800/17010 [05:48<45:36, 5.56it/s] 11%|█ | 1801/17010 [05:48<47:41, 5.32it/s] 11%|█ | 1802/17010 [05:48<46:55, 5.40it/s] 11%|█ | 1803/17010 [05:48<47:20, 5.35it/s] 11%|█ | 1804/17010 [05:49<46:38, 5.43it/s] 11%|█ | 1805/17010 [05:49<46:26, 5.46it/s] 11%|█ | 1806/17010 [05:49<46:04, 5.50it/s] 11%|█ | 1807/17010 [05:49<47:13, 5.36it/s] 11%|█ | 1808/17010 [05:49<46:44, 5.42it/s] 11%|█ | 1809/17010 [05:50<46:39, 5.43it/s] 11%|█ | 1810/17010 [05:50<46:19, 5.47it/s] 11%|█ | 1811/17010 [05:50<46:13, 5.48it/s] 11%|█ | 1812/17010 [05:50<45:58, 5.51it/s] 11%|█ | 1813/17010 [05:50<45:44, 5.54it/s] 11%|█ | 1814/17010 [05:50<45:31, 5.56it/s] 11%|█ | 1815/17010 [05:51<45:21, 5.58it/s] 11%|█ | 1816/17010 [05:51<45:18, 5.59it/s] 11%|█ | 1817/17010 [05:51<45:10, 5.61it/s] 11%|█ | 1818/17010 [05:51<46:24, 5.46it/s] 11%|█ | 1819/17010 [05:51<46:46, 5.41it/s] 11%|█ | 1820/17010 [05:52<46:11, 5.48it/s] 11%|█ | 1821/17010 [05:52<46:01, 5.50it/s] 11%|█ | 1822/17010 [05:52<45:40, 5.54it/s] 11%|█ | 1823/17010 [05:52<45:43, 5.54it/s] 11%|█ | 1824/17010 [05:52<45:39, 5.54it/s] 11%|█ | 1825/17010 [05:52<45:29, 5.56it/s] 11%|█ | 1826/17010 [05:53<45:35, 5.55it/s] 11%|█ | 1827/17010 [05:53<45:46, 5.53it/s] 11%|█ | 1828/17010 [05:53<46:33, 5.44it/s] 11%|█ | 1829/17010 [05:53<46:33, 5.43it/s] 11%|█ | 1830/17010 [05:53<46:05, 5.49it/s] 11%|█ | 1831/17010 [05:54<45:51, 5.52it/s] 11%|█ | 1832/17010 [05:54<45:40, 5.54it/s] 11%|█ | 1833/17010 [05:54<45:35, 5.55it/s] 11%|█ | 1834/17010 [05:54<46:50, 5.40it/s] 11%|█ | 1835/17010 [05:54<46:54, 5.39it/s] 11%|█ | 1836/17010 [05:54<46:19, 5.46it/s] 11%|█ | 1837/17010 [05:55<46:16, 5.46it/s] 11%|█ | 1838/17010 [05:55<45:58, 5.50it/s] 11%|█ | 1839/17010 [05:55<46:05, 5.49it/s] 11%|█ | 1840/17010 [05:55<46:02, 5.49it/s] 11%|█ | 1841/17010 [05:55<46:48, 5.40it/s] 11%|█ | 1842/17010 [05:56<46:15, 5.46it/s] 11%|█ | 1843/17010 [05:56<46:14, 5.47it/s] 11%|█ | 1844/17010 [05:56<45:56, 5.50it/s] 11%|█ | 1845/17010 [05:56<45:44, 5.53it/s] 11%|█ | 1846/17010 [05:56<45:42, 5.53it/s] 11%|█ | 1847/17010 [05:56<45:57, 5.50it/s] 11%|█ | 1848/17010 [05:57<45:34, 5.54it/s] 11%|█ | 1849/17010 [05:57<45:19, 5.58it/s] 11%|█ | 1850/17010 [05:57<45:51, 5.51it/s] 11%|█ | 1851/17010 [05:57<45:48, 5.52it/s] 11%|█ | 1852/17010 [05:57<46:12, 5.47it/s] 11%|█ | 1853/17010 [05:58<45:53, 5.50it/s] 11%|█ | 1854/17010 [05:58<45:34, 5.54it/s] 11%|█ | 1855/17010 [05:58<45:17, 5.58it/s] 11%|█ | 1856/17010 [05:58<45:35, 5.54it/s] 11%|█ | 1857/17010 [05:58<45:40, 5.53it/s] 11%|█ | 1858/17010 [05:58<45:23, 5.56it/s] 11%|█ | 1859/17010 [05:59<45:14, 5.58it/s] 11%|█ | 1860/17010 [05:59<45:43, 5.52it/s] 11%|█ | 1861/17010 [05:59<45:29, 5.55it/s] 11%|█ | 1862/17010 [05:59<45:17, 5.58it/s] 11%|█ | 1863/17010 [05:59<46:06, 5.47it/s] 11%|█ | 1864/17010 [06:00<45:46, 5.52it/s] 11%|█ | 1865/17010 [06:00<45:37, 5.53it/s] 11%|█ | 1866/17010 [06:00<46:04, 5.48it/s] 11%|█ | 1867/17010 [06:00<45:56, 5.49it/s] 11%|█ | 1868/17010 [06:00<45:46, 5.51it/s] 11%|█ | 1869/17010 [06:00<46:59, 5.37it/s] 11%|█ | 1870/17010 [06:01<47:46, 5.28it/s] 11%|█ | 1871/17010 [06:01<47:40, 5.29it/s] 11%|█ | 1872/17010 [06:01<47:00, 5.37it/s] 11%|█ | 1873/17010 [06:01<46:50, 5.39it/s] 11%|█ | 1874/17010 [06:01<46:44, 5.40it/s] 11%|█ | 1875/17010 [06:02<46:17, 5.45it/s] 11%|█ | 1876/17010 [06:02<46:05, 5.47it/s] 11%|█ | 1877/17010 [06:02<46:59, 5.37it/s] 11%|█ | 1878/17010 [06:02<46:39, 5.41it/s] 11%|█ | 1879/17010 [06:02<46:37, 5.41it/s] 11%|█ | 1880/17010 [06:02<46:36, 5.41it/s] 11%|█ | 1881/17010 [06:03<46:04, 5.47it/s] 11%|█ | 1882/17010 [06:03<45:57, 5.49it/s] 11%|█ | 1883/17010 [06:03<46:16, 5.45it/s] 11%|█ | 1884/17010 [06:03<45:32, 5.54it/s] 11%|█ | 1885/17010 [06:03<46:25, 5.43it/s] 11%|█ | 1886/17010 [06:04<45:55, 5.49it/s] 11%|█ | 1887/17010 [06:04<45:55, 5.49it/s] 11%|█ | 1888/17010 [06:04<45:23, 5.55it/s] 11%|█ | 1889/17010 [06:04<45:13, 5.57it/s] 11%|█ | 1890/17010 [06:04<45:50, 5.50it/s] 11%|█ | 1891/17010 [06:04<46:42, 5.40it/s] 11%|█ | 1892/17010 [06:05<46:01, 5.47it/s] 11%|█ | 1893/17010 [06:05<46:10, 5.46it/s] 11%|█ | 1894/17010 [06:05<45:50, 5.50it/s] 11%|█ | 1895/17010 [06:05<45:48, 5.50it/s] 11%|█ | 1896/17010 [06:05<45:53, 5.49it/s] 11%|█ | 1897/17010 [06:06<45:31, 5.53it/s] 11%|█ | 1898/17010 [06:06<45:35, 5.52it/s] 11%|█ | 1899/17010 [06:06<45:13, 5.57it/s] 11%|█ | 1900/17010 [06:06<46:32, 5.41it/s] 11%|█ | 1901/17010 [06:06<45:57, 5.48it/s] 11%|█ | 1902/17010 [06:06<45:29, 5.54it/s] 11%|█ | 1903/17010 [06:07<45:35, 5.52it/s] 11%|█ | 1904/17010 [06:07<45:28, 5.54it/s] 11%|█ | 1905/17010 [06:07<45:25, 5.54it/s] 11%|█ | 1906/17010 [06:07<45:16, 5.56it/s] 11%|█ | 1907/17010 [06:07<45:12, 5.57it/s] 11%|█ | 1908/17010 [06:08<45:18, 5.56it/s] 11%|█ | 1909/17010 [06:08<45:36, 5.52it/s] 11%|█ | 1910/17010 [06:08<46:07, 5.46it/s] 11%|█ | 1911/17010 [06:08<45:48, 5.49it/s] 11%|█ | 1912/17010 [06:08<45:29, 5.53it/s] 11%|█ | 1913/17010 [06:08<45:12, 5.57it/s] 11%|█▏ | 1914/17010 [06:09<45:04, 5.58it/s] 11%|█▏ | 1915/17010 [06:09<44:56, 5.60it/s] 11%|█▏ | 1916/17010 [06:09<44:57, 5.60it/s] 11%|█▏ | 1917/17010 [06:09<44:59, 5.59it/s] 11%|█▏ | 1918/17010 [06:09<47:47, 5.26it/s] 11%|█▏ | 1919/17010 [06:10<47:01, 5.35it/s] 11%|█▏ | 1920/17010 [06:10<46:12, 5.44it/s] 11%|█▏ | 1921/17010 [06:10<45:58, 5.47it/s] 11%|█▏ | 1922/17010 [06:10<45:23, 5.54it/s] 11%|█▏ | 1923/17010 [06:10<45:10, 5.57it/s] 11%|█▏ | 1924/17010 [06:10<45:01, 5.58it/s] 11%|█▏ | 1925/17010 [06:11<45:20, 5.54it/s] 11%|█▏ | 1926/17010 [06:11<45:20, 5.54it/s] 11%|█▏ | 1927/17010 [06:11<45:26, 5.53it/s] 11%|█▏ | 1928/17010 [06:11<45:12, 5.56it/s] 11%|█▏ | 1929/17010 [06:11<45:18, 5.55it/s] 11%|█▏ | 1930/17010 [06:12<45:28, 5.53it/s] 11%|█▏ | 1931/17010 [06:12<45:27, 5.53it/s] 11%|█▏ | 1932/17010 [06:12<45:26, 5.53it/s] 11%|█▏ | 1933/17010 [06:12<45:16, 5.55it/s] 11%|█▏ | 1934/17010 [06:12<45:32, 5.52it/s] 11%|█▏ | 1935/17010 [06:12<46:03, 5.45it/s] 11%|█▏ | 1936/17010 [06:13<45:45, 5.49it/s] 11%|█▏ | 1937/17010 [06:13<45:44, 5.49it/s] 11%|█▏ | 1938/17010 [06:13<46:45, 5.37it/s] 11%|█▏ | 1939/17010 [06:13<46:18, 5.42it/s] 11%|█▏ | 1940/17010 [06:13<46:16, 5.43it/s] 11%|█▏ | 1941/17010 [06:14<45:56, 5.47it/s] 11%|█▏ | 1942/17010 [06:14<46:24, 5.41it/s]