02/06/2022 11:36:43 - WARNING - __main__ - Process rank: -1, device: cuda:0, n_gpu: 1distributed training: False, 16-bits training: True 02/06/2022 11:36:43 - INFO - __main__ - Training/evaluation parameters TrainingArguments( _n_gpu=1, adafactor=False, adam_beta1=0.9, adam_beta2=0.999, adam_epsilon=1e-08, bf16=False, bf16_full_eval=False, dataloader_drop_last=False, dataloader_num_workers=0, dataloader_pin_memory=True, ddp_bucket_cap_mb=None, ddp_find_unused_parameters=None, debug=[], deepspeed=None, disable_tqdm=False, do_eval=True, do_predict=False, do_train=True, eval_accumulation_steps=None, eval_steps=500, evaluation_strategy=IntervalStrategy.STEPS, fp16=True, fp16_backend=auto, fp16_full_eval=False, fp16_opt_level=O1, gradient_accumulation_steps=4, gradient_checkpointing=True, greater_is_better=None, group_by_length=True, half_precision_backend=auto, hub_model_id=None, hub_strategy=HubStrategy.EVERY_SAVE, hub_token=, ignore_data_skip=False, label_names=None, label_smoothing_factor=0.0, learning_rate=7.5e-05, length_column_name=input_length, load_best_model_at_end=False, local_rank=-1, log_level=-1, log_level_replica=-1, log_on_each_node=True, logging_dir=./runs/Feb06_11-36-42_job-a1cf84c8-7d28-46cd-9f0a-e09d16d4a1cb, logging_first_step=False, logging_nan_inf_filter=True, logging_steps=100, logging_strategy=IntervalStrategy.STEPS, lr_scheduler_type=SchedulerType.LINEAR, max_grad_norm=1.0, max_steps=-1, metric_for_best_model=None, mp_parameters=, no_cuda=False, num_train_epochs=100.0, optim=OptimizerNames.ADAMW_HF, output_dir=./, overwrite_output_dir=True, past_index=-1, per_device_eval_batch_size=8, per_device_train_batch_size=8, prediction_loss_only=False, push_to_hub=True, push_to_hub_model_id=None, push_to_hub_organization=None, push_to_hub_token=, remove_unused_columns=True, report_to=['tensorboard'], resume_from_checkpoint=None, run_name=./, save_on_each_node=False, save_steps=500, save_strategy=IntervalStrategy.STEPS, save_total_limit=3, seed=42, sharded_ddp=[], skip_memory_metrics=True, tf32=None, tpu_metrics_debug=False, tpu_num_cores=None, use_legacy_prediction_loop=False, warmup_ratio=0.0, warmup_steps=2000, weight_decay=0.0, xpu_backend=None, ) Downloading and preparing dataset common_voice/zh-TW (download: 2.03 GiB, generated: 941.55 MiB, post-processed: Unknown size, total: 2.95 GiB) to /workspace/.cache/huggingface/datasets/common_voice/zh-TW/6.1.0/5693bfc0feeade582a78c2fb250bc88f52bd86f0a7f1bb22bfee67e715de30fd... Downloading: 0%| | 0.00/2.18G [00:00 to the vocabulary Adding to the vocabulary Special tokens have been added in the vocabulary, make sure the associated word embeddings are fine-tuned or trained. loading configuration file https://huggingface.co/facebook/wav2vec2-xls-r-300m/resolve/main/config.json from cache at /workspace/.cache/huggingface/transformers/dabc27df63e37bd2a7a221c7774e35f36a280fbdf917cf54cadfc7df8c786f6f.a3e4c3c967d9985881e0ae550a5f6f668f897db5ab2e0802f9b97973b15970e6 Model config Wav2Vec2Config { "_name_or_path": "facebook/wav2vec2-xls-r-300m", "activation_dropout": 0.0, "adapter_kernel_size": 3, "adapter_stride": 2, "add_adapter": false, "apply_spec_augment": true, "architectures": [ "Wav2Vec2ForPreTraining" ], "attention_dropout": 0.1, "bos_token_id": 1, "classifier_proj_size": 256, "codevector_dim": 768, "contrastive_logits_temperature": 0.1, "conv_bias": true, "conv_dim": [ 512, 512, 512, 512, 512, 512, 512 ], "conv_kernel": [ 10, 3, 3, 3, 3, 2, 2 ], "conv_stride": [ 5, 2, 2, 2, 2, 2, 2 ], "ctc_loss_reduction": "sum", "ctc_zero_infinity": false, "diversity_loss_weight": 0.1, "do_stable_layer_norm": true, "eos_token_id": 2, "feat_extract_activation": "gelu", "feat_extract_dropout": 0.0, "feat_extract_norm": "layer", "feat_proj_dropout": 0.1, "feat_quantizer_dropout": 0.0, "final_dropout": 0.0, "gradient_checkpointing": false, "hidden_act": "gelu", "hidden_dropout": 0.1, "hidden_size": 1024, "initializer_range": 0.02, "intermediate_size": 4096, "layer_norm_eps": 1e-05, "layerdrop": 0.1, "mask_feature_length": 10, "mask_feature_min_masks": 0, "mask_feature_prob": 0.0, "mask_time_length": 10, "mask_time_min_masks": 2, "mask_time_prob": 0.075, "model_type": "wav2vec2", "num_adapter_layers": 3, "num_attention_heads": 16, "num_codevector_groups": 2, "num_codevectors_per_group": 320, "num_conv_pos_embedding_groups": 16, "num_conv_pos_embeddings": 128, "num_feat_extract_layers": 7, "num_hidden_layers": 24, "num_negatives": 100, "output_hidden_size": 1024, "pad_token_id": 0, "proj_codevector_dim": 768, "tdnn_dilation": [ 1, 2, 3, 1, 1 ], "tdnn_dim": [ 512, 512, 512, 512, 1500 ], "tdnn_kernel": [ 5, 3, 3, 1, 1 ], "torch_dtype": "float32", "transformers_version": "4.17.0.dev0", "use_weighted_layer_sum": false, "vocab_size": 32, "xvector_output_dim": 512 } https://huggingface.co/facebook/wav2vec2-xls-r-300m/resolve/main/preprocessor_config.json not found in cache or force_download set to True, downloading to /workspace/.cache/huggingface/transformers/tmptw8gnqv0 Downloading: 0%| | 0.00/212 [00:00 to the vocabulary Adding to the vocabulary /workspace/wav2vec2-xls-r-300m-zh-TW/./ is already a clone of https://huggingface.co/StevenLimcorn/wav2vec2-xls-r-300m-zh-TW. Make sure you pull the latest changes with `repo.git_pull()`. 02/06/2022 11:42:32 - WARNING - huggingface_hub.repository - /workspace/wav2vec2-xls-r-300m-zh-TW/./ is already a clone of https://huggingface.co/StevenLimcorn/wav2vec2-xls-r-300m-zh-TW. Make sure you pull the latest changes with `repo.git_pull()`. Using amp half precision backend The following columns in the training set don't have a corresponding argument in `Wav2Vec2ForCTC.forward` and have been ignored: input_length. /opt/conda/lib/python3.8/site-packages/transformers/optimization.py:306: FutureWarning: This implementation of AdamW is deprecated and will be removed in a future version. Use thePyTorch implementation torch.optim.AdamW instead, or set `no_deprecation_warning=True` to disable this warning warnings.warn( ***** Running training ***** Num examples = 6380 Num Epochs = 100 Instantaneous batch size per device = 8 Total train batch size (w. parallel, distributed & accumulation) = 32 Gradient Accumulation steps = 4 Total optimization steps = 19900 0%| | 0/19900 [00:00 main 02/06/2022 21:54:30 - WARNING - huggingface_hub.repository - To https://huggingface.co/StevenLimcorn/wav2vec2-xls-r-300m-zh-TW b94fb3e..97bab54 main -> main Upload file pytorch_model.bin: 100%|██████████| 1.19G/1.19G [00:52<00:00, 20.8MB/s] Upload file pytorch_model.bin: 100%|██████████| 1.19G/1.19G [00:52<00:00, 20.8MB/s] Upload file pytorch_model.bin: 100%|██████████| 1.19G/1.19G [00:52<00:00, 24.2MB/s] Upload file runs/Feb06_11-36-42_job-a1cf84c8-7d28-46cd-9f0a-e09d16d4a1cb/events.out.tfevents.1644147756.job-a1cf84c8-7d28-46cd-9f0a-e09d16d4a1cb: 100%|██████████| 49.5k/49.5k [00:52<00:00, 900B/s] Upload file runs/Feb06_11-36-42_job-a1cf84c8-7d28-46cd-9f0a-e09d16d4a1cb/events.out.tfevents.1644147756.job-a1cf84c8-7d28-46cd-9f0a-e09d16d4a1cb: 100%|██████████| 49.5k/49.5k [00:52<00:00, 900B/s] Upload file runs/Feb06_11-36-42_job-a1cf84c8-7d28-46cd-9f0a-e09d16d4a1cb/events.out.tfevents.1644147756.job-a1cf84c8-7d28-46cd-9f0a-e09d16d4a1cb: 100%|██████████| 49.5k/49.5k [00:52<00:00, 900B/s] Dropping the following result as it does not have all the necessary fields: {'dataset': {'name': 'common_voice', 'type': 'common_voice', 'args': 'zh-TW'}} To https://huggingface.co/StevenLimcorn/wav2vec2-xls-r-300m-zh-TW 97bab54..a214e6b main -> main 02/06/2022 21:54:37 - WARNING - huggingface_hub.repository - To https://huggingface.co/StevenLimcorn/wav2vec2-xls-r-300m-zh-TW 97bab54..a214e6b main -> main ***** train metrics ***** epoch = 100.0 train_loss = 5.9196 train_runtime = 10:09:47.17 train_samples = 6380 train_samples_per_second = 17.438 train_steps_per_second = 0.544 02/06/2022 21:54:39 - INFO - __main__ - *** Evaluate *** The following columns in the evaluation set don't have a corresponding argument in `Wav2Vec2ForCTC.forward` and have been ignored: input_length. ***** Running Evaluation ***** Num examples = 2958 Batch size = 8 0%| | 0/370 [00:00 main 02/06/2022 21:57:09 - WARNING - huggingface_hub.repository - To https://huggingface.co/StevenLimcorn/wav2vec2-xls-r-300m-zh-TW a214e6b..1db53a0 main -> main Upload file runs/Feb06_11-36-42_job-a1cf84c8-7d28-46cd-9f0a-e09d16d4a1cb/events.out.tfevents.1644184605.job-a1cf84c8-7d28-46cd-9f0a-e09d16d4a1cb: 100%|██████████| 40.0/40.0 [00:01