shpotes commited on
Commit
7255daa
1 Parent(s): 1f68524

Training in progress, step 500

Browse files
Files changed (34) hide show
  1. .gitattributes +0 -1
  2. pytorch_model.bin +1 -1
  3. run-300M.sh +4 -4
  4. special_tokens_map.json +1 -1
  5. training_args.bin +1 -1
  6. wandb/debug-internal.log +1 -1
  7. wandb/debug.log +1 -1
  8. wandb/latest-run +1 -1
  9. wandb/run-20220126_105847-1xdiy2kf/files/config.yaml +0 -0
  10. wandb/run-20220126_105847-1xdiy2kf/files/output.log +0 -0
  11. wandb/run-20220126_105847-1xdiy2kf/files/wandb-metadata.json +0 -76
  12. wandb/run-20220126_105847-1xdiy2kf/files/wandb-summary.json +0 -0
  13. wandb/run-20220126_105847-1xdiy2kf/logs/debug-internal.log +0 -0
  14. wandb/run-20220126_105847-1xdiy2kf/logs/debug.log +0 -186
  15. wandb/run-20220126_105847-1xdiy2kf/run-1xdiy2kf.wandb +0 -3
  16. wandb/run-20220126_121554-295enqix/files/config.yaml +0 -649
  17. wandb/run-20220126_121554-295enqix/files/output.log +0 -32
  18. wandb/run-20220126_121554-295enqix/files/requirements.txt +0 -87
  19. wandb/run-20220126_121554-295enqix/files/wandb-metadata.json +0 -74
  20. wandb/run-20220126_121554-295enqix/files/wandb-summary.json +0 -1
  21. wandb/run-20220126_121554-295enqix/logs/debug-internal.log +0 -136
  22. wandb/run-20220126_121554-295enqix/logs/debug.log +0 -24
  23. wandb/run-20220126_121554-295enqix/run-295enqix.wandb +0 -0
  24. wandb/run-20220129_111936-33z1cg4n/files/requirements.txt +0 -87
  25. wandb/run-20220129_111936-33z1cg4n/files/wandb-summary.json +0 -0
  26. wandb/run-20220129_111936-33z1cg4n/logs/debug-internal.log +0 -0
  27. wandb/{run-20220129_111936-33z1cg4n → run-20220129_170809-3lal72pm}/files/config.yaml +7 -7
  28. wandb/{run-20220129_111936-33z1cg4n → run-20220129_170809-3lal72pm}/files/output.log +10 -17
  29. wandb/{run-20220126_105847-1xdiy2kf → run-20220129_170809-3lal72pm}/files/requirements.txt +0 -0
  30. wandb/{run-20220129_111936-33z1cg4n → run-20220129_170809-3lal72pm}/files/wandb-metadata.json +6 -6
  31. wandb/run-20220129_170809-3lal72pm/files/wandb-summary.json +0 -0
  32. wandb/run-20220129_170809-3lal72pm/logs/debug-internal.log +0 -0
  33. wandb/{run-20220129_111936-33z1cg4n → run-20220129_170809-3lal72pm}/logs/debug.log +23 -23
  34. wandb/{run-20220129_111936-33z1cg4n/run-33z1cg4n.wandb → run-20220129_170809-3lal72pm/run-3lal72pm.wandb} +0 -0
.gitattributes CHANGED
@@ -39,4 +39,3 @@ saved_model/**/* filter=lfs diff=lfs merge=lfs -text
39
  .venv/lib/python3.9/site-packages/torch/lib/libtorch_cpu.so filter=lfs diff=lfs merge=lfs -text
40
  .venv/lib/python3.9/site-packages/torch/lib/libtorch_cuda.so filter=lfs diff=lfs merge=lfs -text
41
  .venv/lib/python3.9/site-packages/torch/lib/libtorch_python.so filter=lfs diff=lfs merge=lfs -text
42
- wandb/run-20220126_105847-1xdiy2kf/run-1xdiy2kf.wandb filter=lfs diff=lfs merge=lfs -text
 
39
  .venv/lib/python3.9/site-packages/torch/lib/libtorch_cpu.so filter=lfs diff=lfs merge=lfs -text
40
  .venv/lib/python3.9/site-packages/torch/lib/libtorch_cuda.so filter=lfs diff=lfs merge=lfs -text
41
  .venv/lib/python3.9/site-packages/torch/lib/libtorch_python.so filter=lfs diff=lfs merge=lfs -text
 
pytorch_model.bin CHANGED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:5f0265c3190d4bad709792f032d753570867b48b4491c9f120d58b7516631525
3
  size 1262083569
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:003e036bcfb179618e8f03a9aa7421a2853ee4bc931661f68ef1e17ba9894270
3
  size 1262083569
run-300M.sh CHANGED
@@ -1,7 +1,7 @@
1
  #!/bin/sh
2
 
3
  export WANDB_PROJECT="xls-r-estonian"
4
- export CUDA_VISIBLE_DEVICES=2
5
 
6
  python src/run_speech_recognition_ctc_bnb.py \
7
  --dataset_name="mozilla-foundation/common_voice_7_0" \
@@ -10,9 +10,9 @@ python src/run_speech_recognition_ctc_bnb.py \
10
  --output_dir="./" \
11
  --overwrite_output_dir \
12
  --num_train_epochs=100 \
13
- --per_device_train_batch_size=80 \
14
- --per_device_eval_batch_size=80 \
15
- --gradient_accumulation_steps=2 \
16
  --learning_rate=3e-4 \
17
  --save_total_limit=1 \
18
  --warmup_steps=500 \
 
1
  #!/bin/sh
2
 
3
  export WANDB_PROJECT="xls-r-estonian"
4
+ export CUDA_VISIBLE_DEVICES=1
5
 
6
  python src/run_speech_recognition_ctc_bnb.py \
7
  --dataset_name="mozilla-foundation/common_voice_7_0" \
 
10
  --output_dir="./" \
11
  --overwrite_output_dir \
12
  --num_train_epochs=100 \
13
+ --per_device_train_batch_size=72 \
14
+ --per_device_eval_batch_size=72 \
15
+ --gradient_accumulation_steps=1 \
16
  --learning_rate=3e-4 \
17
  --save_total_limit=1 \
18
  --warmup_steps=500 \
special_tokens_map.json CHANGED
@@ -1 +1 @@
1
- {"bos_token": "<s>", "eos_token": "</s>", "unk_token": "[UNK]", "pad_token": "[PAD]", "additional_special_tokens": [{"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}]}
 
1
+ {"bos_token": "<s>", "eos_token": "</s>", "unk_token": "[UNK]", "pad_token": "[PAD]", "additional_special_tokens": [{"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}]}
training_args.bin CHANGED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:020e62b69669cb5205d10821c92f57fc9ddfd0706b2f7dd41539b83bb4d40ffb
3
  size 3055
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:4accf1cd31755d346bca292c83c6a2ec740ed76e30907abd55b9193f1ab81362
3
  size 3055
wandb/debug-internal.log CHANGED
@@ -1 +1 @@
1
- run-20220129_111936-33z1cg4n/logs/debug-internal.log
 
1
+ run-20220129_170809-3lal72pm/logs/debug-internal.log
wandb/debug.log CHANGED
@@ -1 +1 @@
1
- run-20220129_111936-33z1cg4n/logs/debug.log
 
1
+ run-20220129_170809-3lal72pm/logs/debug.log
wandb/latest-run CHANGED
@@ -1 +1 @@
1
- run-20220129_111936-33z1cg4n
 
1
+ run-20220129_170809-3lal72pm
wandb/run-20220126_105847-1xdiy2kf/files/config.yaml DELETED
The diff for this file is too large to render. See raw diff
 
wandb/run-20220126_105847-1xdiy2kf/files/output.log DELETED
The diff for this file is too large to render. See raw diff
 
wandb/run-20220126_105847-1xdiy2kf/files/wandb-metadata.json DELETED
@@ -1,76 +0,0 @@
1
- {
2
- "os": "Linux-4.18.0-305.10.2.el8_4.x86_64-x86_64-with-glibc2.28",
3
- "python": "3.9.6",
4
- "heartbeatAt": "2022-01-26T15:58:48.495262",
5
- "startedAt": "2022-01-26T15:58:47.536839",
6
- "docker": null,
7
- "gpu": "Tesla V100-PCIE-32GB",
8
- "gpu_count": 3,
9
- "cpu_count": 64,
10
- "cuda": null,
11
- "args": [
12
- "--dataset_name=mozilla-foundation/common_voice_7_0",
13
- "--model_name_or_path=facebook/wav2vec2-xls-r-300m",
14
- "--dataset_config_name=et",
15
- "--output_dir=./",
16
- "--overwrite_output_dir",
17
- "--num_train_epochs=500",
18
- "--per_device_train_batch_size=80",
19
- "--per_device_eval_batch_size=80",
20
- "--gradient_accumulation_steps=2",
21
- "--learning_rate=3e-4",
22
- "--save_total_limit=1",
23
- "--warmup_steps=500",
24
- "--evaluation_strategy=steps",
25
- "--text_column_name=sentence",
26
- "--length_column_name=input_length",
27
- "--save_steps=500",
28
- "--eval_steps=500",
29
- "--logging_steps=100",
30
- "--layerdrop=0.0",
31
- "--freeze_feature_encoder",
32
- "--feat_proj_dropout=0.1",
33
- "--chars_to_ignore",
34
- ",",
35
- "?",
36
- ".",
37
- "!",
38
- "-",
39
- ";",
40
- ":",
41
- "\"",
42
- "\u201c",
43
- "%",
44
- "\u2018",
45
- "\u201d",
46
- "\ufffd",
47
- "\u2014",
48
- "\u2019",
49
- "\u2026",
50
- "\u2013",
51
- "--gradient_checkpointing",
52
- "--lr_scheduler_type=cosine",
53
- "--fp16",
54
- "--group_by_length",
55
- "--mask_time_prob=0.1",
56
- "--mask_time_length=10",
57
- "--report_to=wandb",
58
- "--run_name=cosine+drop_proj+low_specaugment-300M",
59
- "--do_train",
60
- "--do_eval",
61
- "--use_auth_token",
62
- "--push_to_hub"
63
- ],
64
- "state": "running",
65
- "program": "/home/sagrilaft/Project/audio/xls-r-et/src/run_speech_recognition_ctc_bnb.py",
66
- "codePath": "src/run_speech_recognition_ctc_bnb.py",
67
- "git": {
68
- "remote": "https://huggingface.co/shpotes/xls-r-et",
69
- "commit": "2a437db2644553c5c9c2b9e81553ed9bdf92207e"
70
- },
71
- "email": "shpotes3@gmail.com",
72
- "root": "/home/sagrilaft/Project/audio/xls-r-et",
73
- "host": "ganymede.eafit.edu.co",
74
- "username": "sagrilaft",
75
- "executable": "/home/sagrilaft/Project/audio/xls-r-et/.venv/bin/python"
76
- }
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
wandb/run-20220126_105847-1xdiy2kf/files/wandb-summary.json DELETED
The diff for this file is too large to render. See raw diff
 
wandb/run-20220126_105847-1xdiy2kf/logs/debug-internal.log DELETED
The diff for this file is too large to render. See raw diff
 
wandb/run-20220126_105847-1xdiy2kf/logs/debug.log DELETED
@@ -1,186 +0,0 @@
1
- 2022-01-26 10:58:47,539 INFO MainThread:2220463 [wandb_setup.py:_flush():71] setting env: {'project': 'xls-r-estonian'}
2
- 2022-01-26 10:58:47,540 INFO MainThread:2220463 [wandb_setup.py:_flush():71] setting login settings: {}
3
- 2022-01-26 10:58:47,540 INFO MainThread:2220463 [wandb_init.py:_log_setup():371] Logging user logs to /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_105847-1xdiy2kf/logs/debug.log
4
- 2022-01-26 10:58:47,540 INFO MainThread:2220463 [wandb_init.py:_log_setup():372] Logging internal logs to /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_105847-1xdiy2kf/logs/debug-internal.log
5
- 2022-01-26 10:58:47,540 INFO MainThread:2220463 [wandb_init.py:init():404] calling init triggers
6
- 2022-01-26 10:58:47,541 INFO MainThread:2220463 [wandb_init.py:init():409] wandb.init called with sweep_config: {}
7
- config: {}
8
- 2022-01-26 10:58:47,541 INFO MainThread:2220463 [wandb_init.py:init():460] starting backend
9
- 2022-01-26 10:58:47,541 INFO MainThread:2220463 [backend.py:_multiprocessing_setup():99] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
10
- 2022-01-26 10:58:47,575 INFO MainThread:2220463 [backend.py:ensure_launched():216] starting backend process...
11
- 2022-01-26 10:58:47,598 INFO MainThread:2220463 [backend.py:ensure_launched():221] started backend process with pid: 2220828
12
- 2022-01-26 10:58:47,600 INFO MainThread:2220463 [wandb_init.py:init():469] backend started and connected
13
- 2022-01-26 10:58:47,604 INFO MainThread:2220463 [wandb_init.py:init():533] updated telemetry
14
- 2022-01-26 10:58:47,664 INFO MainThread:2220463 [wandb_init.py:init():563] communicating current version
15
- 2022-01-26 10:58:48,298 INFO MainThread:2220463 [wandb_init.py:init():568] got version response
16
- 2022-01-26 10:58:48,299 INFO MainThread:2220463 [wandb_init.py:init():578] communicating run to backend with 30 second timeout
17
- 2022-01-26 10:58:48,488 INFO MainThread:2220463 [wandb_init.py:init():606] starting run threads in backend
18
- 2022-01-26 10:58:48,534 INFO MainThread:2220463 [wandb_run.py:_console_start():1810] atexit reg
19
- 2022-01-26 10:58:48,535 INFO MainThread:2220463 [wandb_run.py:_redirect():1684] redirect: SettingsConsole.REDIRECT
20
- 2022-01-26 10:58:48,536 INFO MainThread:2220463 [wandb_run.py:_redirect():1689] Redirecting console.
21
- 2022-01-26 10:58:48,541 INFO MainThread:2220463 [wandb_run.py:_redirect():1745] Redirects installed.
22
- 2022-01-26 10:58:48,541 INFO MainThread:2220463 [wandb_init.py:init():633] run started, returning control to user process
23
- 2022-01-26 10:58:48,562 INFO MainThread:2220463 [wandb_run.py:_config_callback():956] config_cb None None {'return_dict': True, 'output_hidden_states': False, 'output_attentions': False, 'torchscript': False, 'torch_dtype': 'float32', 'use_bfloat16': False, 'pruned_heads': {}, 'tie_word_embeddings': True, 'is_encoder_decoder': False, 'is_decoder': False, 'cross_attention_hidden_size': None, 'add_cross_attention': False, 'tie_encoder_decoder': False, 'max_length': 20, 'min_length': 0, 'do_sample': False, 'early_stopping': False, 'num_beams': 1, 'num_beam_groups': 1, 'diversity_penalty': 0.0, 'temperature': 1.0, 'top_k': 50, 'top_p': 1.0, 'repetition_penalty': 1.0, 'length_penalty': 1.0, 'no_repeat_ngram_size': 0, 'encoder_no_repeat_ngram_size': 0, 'bad_words_ids': None, 'num_return_sequences': 1, 'chunk_size_feed_forward': 0, 'output_scores': False, 'return_dict_in_generate': False, 'forced_bos_token_id': None, 'forced_eos_token_id': None, 'remove_invalid_values': False, 'architectures': ['Wav2Vec2ForPreTraining'], 'finetuning_task': None, 'id2label': {0: 'LABEL_0', 1: 'LABEL_1'}, 'label2id': {'LABEL_0': 0, 'LABEL_1': 1}, 'tokenizer_class': None, 'prefix': None, 'bos_token_id': 1, 'pad_token_id': 36, 'eos_token_id': 2, 'sep_token_id': None, 'decoder_start_token_id': None, 'task_specific_params': None, 'problem_type': None, '_name_or_path': 'facebook/wav2vec2-xls-r-300m', 'transformers_version': '4.16.0.dev0', 'feat_extract_dropout': 0.0, 'model_type': 'wav2vec2', 'num_feat_extract_layers': 7, 'hidden_size': 1024, 'feat_extract_norm': 'layer', 'feat_extract_activation': 'gelu', 'conv_dim': [512, 512, 512, 512, 512, 512, 512], 'conv_stride': [5, 2, 2, 2, 2, 2, 2], 'conv_kernel': [10, 3, 3, 3, 3, 2, 2], 'conv_bias': True, 'num_conv_pos_embeddings': 128, 'num_conv_pos_embedding_groups': 16, 'num_hidden_layers': 24, 'intermediate_size': 4096, 'hidden_act': 'gelu', 'num_attention_heads': 16, 'hidden_dropout': 0.0, 'attention_dropout': 0.0, 'activation_dropout': 0.0, 'feat_proj_dropout': 0.1, 'final_dropout': 0.0, 'layerdrop': 0.0, 'layer_norm_eps': 1e-05, 'initializer_range': 0.02, 'vocab_size': 39, 'do_stable_layer_norm': True, 'use_weighted_layer_sum': False, 'apply_spec_augment': True, 'mask_time_prob': 0.1, 'mask_time_length': 10, 'mask_time_min_masks': 2, 'mask_feature_prob': 0.0, 'mask_feature_length': 10, 'mask_feature_min_masks': 0, 'num_codevectors_per_group': 320, 'num_codevector_groups': 2, 'contrastive_logits_temperature': 0.1, 'feat_quantizer_dropout': 0.0, 'num_negatives': 100, 'codevector_dim': 768, 'proj_codevector_dim': 768, 'diversity_loss_weight': 0.1, 'ctc_loss_reduction': 'mean', 'ctc_zero_infinity': False, 'add_adapter': False, 'adapter_kernel_size': 3, 'adapter_stride': 2, 'num_adapter_layers': 3, 'output_hidden_size': 1024, 'classifier_proj_size': 256, 'tdnn_dim': [512, 512, 512, 512, 1500], 'tdnn_kernel': [5, 3, 3, 1, 1], 'tdnn_dilation': [1, 2, 3, 1, 1], 'xvector_output_dim': 512, 'output_dir': './', 'overwrite_output_dir': True, 'do_train': True, 'do_eval': True, 'do_predict': False, 'evaluation_strategy': 'steps', 'prediction_loss_only': False, 'per_device_train_batch_size': 80, 'per_device_eval_batch_size': 80, 'per_gpu_train_batch_size': 'None', 'per_gpu_eval_batch_size': 'None', 'gradient_accumulation_steps': 2, 'eval_accumulation_steps': 'None', 'learning_rate': 0.0003, 'weight_decay': 0.0, 'adam_beta1': 0.9, 'adam_beta2': 0.999, 'adam_epsilon': 1e-08, 'max_grad_norm': 1.0, 'num_train_epochs': 500.0, 'max_steps': -1, 'lr_scheduler_type': 'cosine', 'warmup_ratio': 0.0, 'warmup_steps': 500, 'log_level': -1, 'log_level_replica': -1, 'log_on_each_node': True, 'logging_dir': './runs/Jan26_10-56-56_ganymede.eafit.edu.co', 'logging_strategy': 'steps', 'logging_first_step': False, 'logging_steps': 100, 'logging_nan_inf_filter': True, 'save_strategy': 'steps', 'save_steps': 500, 'save_total_limit': 1, 'save_on_each_node': False, 'no_cuda': False, 'seed': 42, 'bf16': False, 'fp16': True, 'fp16_opt_level': 'O1', 'half_precision_backend': 'amp', 'bf16_full_eval': False, 'fp16_full_eval': False, 'tf32': 'None', 'local_rank': -1, 'xpu_backend': 'None', 'tpu_num_cores': 'None', 'tpu_metrics_debug': False, 'debug': '[]', 'dataloader_drop_last': False, 'eval_steps': 500, 'dataloader_num_workers': 0, 'past_index': -1, 'run_name': 'cosine+drop_proj+low_specaugment-300M', 'disable_tqdm': False, 'remove_unused_columns': True, 'label_names': 'None', 'load_best_model_at_end': False, 'metric_for_best_model': 'None', 'greater_is_better': 'None', 'ignore_data_skip': False, 'sharded_ddp': '[]', 'deepspeed': 'None', 'label_smoothing_factor': 0.0, 'optim': 'adamw_hf', 'adafactor': False, 'group_by_length': True, 'length_column_name': 'input_length', 'report_to': "['wandb']", 'ddp_find_unused_parameters': 'None', 'ddp_bucket_cap_mb': 'None', 'dataloader_pin_memory': True, 'skip_memory_metrics': True, 'use_legacy_prediction_loop': False, 'push_to_hub': True, 'resume_from_checkpoint': 'None', 'hub_model_id': 'None', 'hub_strategy': 'every_save', 'hub_token': '<HUB_TOKEN>', 'gradient_checkpointing': True, 'fp16_backend': 'auto', 'push_to_hub_model_id': 'None', 'push_to_hub_organization': 'None', 'push_to_hub_token': '<PUSH_TO_HUB_TOKEN>', '_n_gpu': 1, 'mp_parameters': '', 'train_batch_size': 80, 'eval_batch_size': 80}
24
- 2022-01-26 10:58:48,565 INFO MainThread:2220463 [wandb_watch.py:watch():43] Watching
25
- 2022-01-28 11:57:53,891 INFO MainThread:2220463 [wandb_run.py:_atexit_cleanup():1780] got exitcode: 1
26
- 2022-01-28 11:57:53,896 INFO MainThread:2220463 [wandb_run.py:_restore():1752] restore
27
- 2022-01-28 11:57:56,278 INFO MainThread:2220463 [wandb_run.py:_wait_for_finish():1912] got exit ret: file_counts {
28
- wandb_count: 1
29
- }
30
- pusher_stats {
31
- uploaded_bytes: 2324
32
- total_bytes: 2324
33
- }
34
-
35
- 2022-01-28 11:57:56,435 INFO MainThread:2220463 [wandb_run.py:_wait_for_finish():1912] got exit ret: file_counts {
36
- wandb_count: 1
37
- }
38
- pusher_stats {
39
- uploaded_bytes: 2324
40
- total_bytes: 2324
41
- }
42
-
43
- 2022-01-28 11:57:57,061 INFO MainThread:2220463 [wandb_run.py:_wait_for_finish():1912] got exit ret: file_counts {
44
- wandb_count: 1
45
- }
46
- pusher_stats {
47
- uploaded_bytes: 2324
48
- total_bytes: 2324
49
- }
50
-
51
- 2022-01-28 11:57:58,002 INFO MainThread:2220463 [wandb_run.py:_wait_for_finish():1912] got exit ret: file_counts {
52
- wandb_count: 5
53
- }
54
- pusher_stats {
55
- uploaded_bytes: 2324
56
- total_bytes: 3441922
57
- }
58
-
59
- 2022-01-28 11:57:58,105 INFO MainThread:2220463 [wandb_run.py:_wait_for_finish():1912] got exit ret: file_counts {
60
- wandb_count: 5
61
- }
62
- pusher_stats {
63
- uploaded_bytes: 2324
64
- total_bytes: 3441922
65
- }
66
-
67
- 2022-01-28 11:57:58,208 INFO MainThread:2220463 [wandb_run.py:_wait_for_finish():1912] got exit ret: file_counts {
68
- wandb_count: 5
69
- }
70
- pusher_stats {
71
- uploaded_bytes: 2324
72
- total_bytes: 3441922
73
- }
74
-
75
- 2022-01-28 11:57:58,311 INFO MainThread:2220463 [wandb_run.py:_wait_for_finish():1912] got exit ret: file_counts {
76
- wandb_count: 5
77
- }
78
- pusher_stats {
79
- uploaded_bytes: 2246495
80
- total_bytes: 3441922
81
- }
82
-
83
- 2022-01-28 11:57:58,414 INFO MainThread:2220463 [wandb_run.py:_wait_for_finish():1912] got exit ret: file_counts {
84
- wandb_count: 5
85
- }
86
- pusher_stats {
87
- uploaded_bytes: 2246495
88
- total_bytes: 3441922
89
- }
90
-
91
- 2022-01-28 11:57:58,516 INFO MainThread:2220463 [wandb_run.py:_wait_for_finish():1912] got exit ret: file_counts {
92
- wandb_count: 5
93
- }
94
- pusher_stats {
95
- uploaded_bytes: 3441922
96
- total_bytes: 3441922
97
- }
98
-
99
- 2022-01-28 11:57:58,619 INFO MainThread:2220463 [wandb_run.py:_wait_for_finish():1912] got exit ret: file_counts {
100
- wandb_count: 5
101
- }
102
- pusher_stats {
103
- uploaded_bytes: 3441922
104
- total_bytes: 3441922
105
- }
106
-
107
- 2022-01-28 11:57:58,722 INFO MainThread:2220463 [wandb_run.py:_wait_for_finish():1912] got exit ret: file_counts {
108
- wandb_count: 5
109
- }
110
- pusher_stats {
111
- uploaded_bytes: 3441922
112
- total_bytes: 3441922
113
- }
114
-
115
- 2022-01-28 11:57:58,824 INFO MainThread:2220463 [wandb_run.py:_wait_for_finish():1912] got exit ret: file_counts {
116
- wandb_count: 5
117
- }
118
- pusher_stats {
119
- uploaded_bytes: 3441922
120
- total_bytes: 3441922
121
- }
122
-
123
- 2022-01-28 11:57:58,927 INFO MainThread:2220463 [wandb_run.py:_wait_for_finish():1912] got exit ret: file_counts {
124
- wandb_count: 5
125
- }
126
- pusher_stats {
127
- uploaded_bytes: 3441922
128
- total_bytes: 3441922
129
- }
130
-
131
- 2022-01-28 11:57:59,030 INFO MainThread:2220463 [wandb_run.py:_wait_for_finish():1912] got exit ret: file_counts {
132
- wandb_count: 5
133
- }
134
- pusher_stats {
135
- uploaded_bytes: 3441922
136
- total_bytes: 3441922
137
- }
138
-
139
- 2022-01-28 11:57:59,133 INFO MainThread:2220463 [wandb_run.py:_wait_for_finish():1912] got exit ret: file_counts {
140
- wandb_count: 5
141
- }
142
- pusher_stats {
143
- uploaded_bytes: 3441922
144
- total_bytes: 3441922
145
- }
146
-
147
- 2022-01-28 11:57:59,235 INFO MainThread:2220463 [wandb_run.py:_wait_for_finish():1912] got exit ret: file_counts {
148
- wandb_count: 5
149
- }
150
- pusher_stats {
151
- uploaded_bytes: 3441922
152
- total_bytes: 3441922
153
- }
154
-
155
- 2022-01-28 11:57:59,338 INFO MainThread:2220463 [wandb_run.py:_wait_for_finish():1912] got exit ret: file_counts {
156
- wandb_count: 5
157
- }
158
- pusher_stats {
159
- uploaded_bytes: 3441922
160
- total_bytes: 3441922
161
- }
162
-
163
- 2022-01-28 11:58:00,218 INFO MainThread:2220463 [wandb_run.py:_wait_for_finish():1912] got exit ret: file_counts {
164
- wandb_count: 5
165
- }
166
- pusher_stats {
167
- uploaded_bytes: 3441922
168
- total_bytes: 3441922
169
- }
170
-
171
- 2022-01-28 11:58:00,597 INFO MainThread:2220463 [wandb_run.py:_wait_for_finish():1912] got exit ret: done: true
172
- exit_result {
173
- }
174
- file_counts {
175
- wandb_count: 5
176
- }
177
- pusher_stats {
178
- uploaded_bytes: 3441922
179
- total_bytes: 3441922
180
- }
181
- local_info {
182
- }
183
-
184
- 2022-01-28 11:58:01,703 INFO MainThread:2220463 [wandb_run.py:_append_history():2130] rendering history
185
- 2022-01-28 11:58:01,705 INFO MainThread:2220463 [wandb_run.py:_append_summary():2085] rendering summary
186
- 2022-01-28 11:58:01,706 INFO MainThread:2220463 [wandb_run.py:_append_files():2180] logging synced files
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
wandb/run-20220126_105847-1xdiy2kf/run-1xdiy2kf.wandb DELETED
@@ -1,3 +0,0 @@
1
- version https://git-lfs.github.com/spec/v1
2
- oid sha256:aee0b40e3c968e6e44cf387e6b28e8eb547361393a2c20aa51d507601ce6dd4f
3
- size 125379374
 
 
 
 
wandb/run-20220126_121554-295enqix/files/config.yaml DELETED
@@ -1,649 +0,0 @@
1
- wandb_version: 1
2
-
3
- _n_gpu:
4
- desc: null
5
- value: 1
6
- _name_or_path:
7
- desc: null
8
- value: facebook/wav2vec2-xls-r-1b
9
- _wandb:
10
- desc: null
11
- value:
12
- cli_version: 0.12.9
13
- framework: huggingface
14
- huggingface_version: 4.16.0.dev0
15
- is_jupyter_run: false
16
- is_kaggle_kernel: true
17
- m:
18
- - 1: train/global_step
19
- 6:
20
- - 3
21
- python_version: 3.9.6
22
- start_time: 1643217354
23
- t:
24
- 1:
25
- - 1
26
- - 5
27
- - 11
28
- 3:
29
- - 13
30
- 4: 3.9.6
31
- 5: 0.12.9
32
- 6: 4.16.0.dev0
33
- 8:
34
- - 2
35
- - 5
36
- activation_dropout:
37
- desc: null
38
- value: 0.0
39
- adafactor:
40
- desc: null
41
- value: false
42
- adam_beta1:
43
- desc: null
44
- value: 0.9
45
- adam_beta2:
46
- desc: null
47
- value: 0.999
48
- adam_epsilon:
49
- desc: null
50
- value: 1.0e-08
51
- adapter_kernel_size:
52
- desc: null
53
- value: 3
54
- adapter_stride:
55
- desc: null
56
- value: 2
57
- add_adapter:
58
- desc: null
59
- value: false
60
- add_cross_attention:
61
- desc: null
62
- value: false
63
- apply_spec_augment:
64
- desc: null
65
- value: true
66
- architectures:
67
- desc: null
68
- value:
69
- - Wav2Vec2ForPreTraining
70
- attention_dropout:
71
- desc: null
72
- value: 0.0
73
- bad_words_ids:
74
- desc: null
75
- value: null
76
- bf16:
77
- desc: null
78
- value: false
79
- bf16_full_eval:
80
- desc: null
81
- value: false
82
- bos_token_id:
83
- desc: null
84
- value: 1
85
- chunk_size_feed_forward:
86
- desc: null
87
- value: 0
88
- classifier_proj_size:
89
- desc: null
90
- value: 256
91
- codevector_dim:
92
- desc: null
93
- value: 1024
94
- contrastive_logits_temperature:
95
- desc: null
96
- value: 0.1
97
- conv_bias:
98
- desc: null
99
- value: true
100
- conv_dim:
101
- desc: null
102
- value:
103
- - 512
104
- - 512
105
- - 512
106
- - 512
107
- - 512
108
- - 512
109
- - 512
110
- conv_kernel:
111
- desc: null
112
- value:
113
- - 10
114
- - 3
115
- - 3
116
- - 3
117
- - 3
118
- - 2
119
- - 2
120
- conv_stride:
121
- desc: null
122
- value:
123
- - 5
124
- - 2
125
- - 2
126
- - 2
127
- - 2
128
- - 2
129
- - 2
130
- cross_attention_hidden_size:
131
- desc: null
132
- value: null
133
- ctc_loss_reduction:
134
- desc: null
135
- value: mean
136
- ctc_zero_infinity:
137
- desc: null
138
- value: false
139
- dataloader_drop_last:
140
- desc: null
141
- value: false
142
- dataloader_num_workers:
143
- desc: null
144
- value: 0
145
- dataloader_pin_memory:
146
- desc: null
147
- value: true
148
- ddp_bucket_cap_mb:
149
- desc: null
150
- value: None
151
- ddp_find_unused_parameters:
152
- desc: null
153
- value: None
154
- debug:
155
- desc: null
156
- value: '[]'
157
- decoder_start_token_id:
158
- desc: null
159
- value: null
160
- deepspeed:
161
- desc: null
162
- value: None
163
- disable_tqdm:
164
- desc: null
165
- value: false
166
- diversity_loss_weight:
167
- desc: null
168
- value: 0.1
169
- diversity_penalty:
170
- desc: null
171
- value: 0.0
172
- do_eval:
173
- desc: null
174
- value: true
175
- do_predict:
176
- desc: null
177
- value: false
178
- do_sample:
179
- desc: null
180
- value: false
181
- do_stable_layer_norm:
182
- desc: null
183
- value: true
184
- do_train:
185
- desc: null
186
- value: true
187
- early_stopping:
188
- desc: null
189
- value: false
190
- encoder_no_repeat_ngram_size:
191
- desc: null
192
- value: 0
193
- eos_token_id:
194
- desc: null
195
- value: 2
196
- eval_accumulation_steps:
197
- desc: null
198
- value: None
199
- eval_batch_size:
200
- desc: null
201
- value: 48
202
- eval_steps:
203
- desc: null
204
- value: 250
205
- evaluation_strategy:
206
- desc: null
207
- value: steps
208
- feat_extract_activation:
209
- desc: null
210
- value: gelu
211
- feat_extract_dropout:
212
- desc: null
213
- value: 0.0
214
- feat_extract_norm:
215
- desc: null
216
- value: layer
217
- feat_proj_dropout:
218
- desc: null
219
- value: 0.1
220
- feat_quantizer_dropout:
221
- desc: null
222
- value: 0.0
223
- final_dropout:
224
- desc: null
225
- value: 0.0
226
- finetuning_task:
227
- desc: null
228
- value: null
229
- forced_bos_token_id:
230
- desc: null
231
- value: null
232
- forced_eos_token_id:
233
- desc: null
234
- value: null
235
- fp16:
236
- desc: null
237
- value: true
238
- fp16_backend:
239
- desc: null
240
- value: auto
241
- fp16_full_eval:
242
- desc: null
243
- value: false
244
- fp16_opt_level:
245
- desc: null
246
- value: O1
247
- gradient_accumulation_steps:
248
- desc: null
249
- value: 2
250
- gradient_checkpointing:
251
- desc: null
252
- value: true
253
- greater_is_better:
254
- desc: null
255
- value: None
256
- group_by_length:
257
- desc: null
258
- value: true
259
- half_precision_backend:
260
- desc: null
261
- value: amp
262
- hidden_act:
263
- desc: null
264
- value: gelu
265
- hidden_dropout:
266
- desc: null
267
- value: 0.0
268
- hidden_size:
269
- desc: null
270
- value: 1280
271
- hub_model_id:
272
- desc: null
273
- value: None
274
- hub_strategy:
275
- desc: null
276
- value: every_save
277
- hub_token:
278
- desc: null
279
- value: <HUB_TOKEN>
280
- id2label:
281
- desc: null
282
- value:
283
- '0': LABEL_0
284
- '1': LABEL_1
285
- ignore_data_skip:
286
- desc: null
287
- value: false
288
- initializer_range:
289
- desc: null
290
- value: 0.02
291
- intermediate_size:
292
- desc: null
293
- value: 5120
294
- is_decoder:
295
- desc: null
296
- value: false
297
- is_encoder_decoder:
298
- desc: null
299
- value: false
300
- label2id:
301
- desc: null
302
- value:
303
- LABEL_0: 0
304
- LABEL_1: 1
305
- label_names:
306
- desc: null
307
- value: None
308
- label_smoothing_factor:
309
- desc: null
310
- value: 0.0
311
- layer_norm_eps:
312
- desc: null
313
- value: 1.0e-05
314
- layerdrop:
315
- desc: null
316
- value: 0.0
317
- learning_rate:
318
- desc: null
319
- value: 5.0e-05
320
- length_column_name:
321
- desc: null
322
- value: input_length
323
- length_penalty:
324
- desc: null
325
- value: 1.0
326
- load_best_model_at_end:
327
- desc: null
328
- value: false
329
- local_rank:
330
- desc: null
331
- value: -1
332
- log_level:
333
- desc: null
334
- value: -1
335
- log_level_replica:
336
- desc: null
337
- value: -1
338
- log_on_each_node:
339
- desc: null
340
- value: true
341
- logging_dir:
342
- desc: null
343
- value: ./1B/runs/Jan26_12-15-06_ganymede.eafit.edu.co
344
- logging_first_step:
345
- desc: null
346
- value: false
347
- logging_nan_inf_filter:
348
- desc: null
349
- value: true
350
- logging_steps:
351
- desc: null
352
- value: 100
353
- logging_strategy:
354
- desc: null
355
- value: steps
356
- lr_scheduler_type:
357
- desc: null
358
- value: cosine
359
- mask_feature_length:
360
- desc: null
361
- value: 10
362
- mask_feature_min_masks:
363
- desc: null
364
- value: 0
365
- mask_feature_prob:
366
- desc: null
367
- value: 0.0
368
- mask_time_length:
369
- desc: null
370
- value: 10
371
- mask_time_min_masks:
372
- desc: null
373
- value: 2
374
- mask_time_prob:
375
- desc: null
376
- value: 0.1
377
- max_grad_norm:
378
- desc: null
379
- value: 1.0
380
- max_length:
381
- desc: null
382
- value: 20
383
- max_steps:
384
- desc: null
385
- value: -1
386
- metric_for_best_model:
387
- desc: null
388
- value: None
389
- min_length:
390
- desc: null
391
- value: 0
392
- model_type:
393
- desc: null
394
- value: wav2vec2
395
- mp_parameters:
396
- desc: null
397
- value: ''
398
- no_cuda:
399
- desc: null
400
- value: false
401
- no_repeat_ngram_size:
402
- desc: null
403
- value: 0
404
- num_adapter_layers:
405
- desc: null
406
- value: 3
407
- num_attention_heads:
408
- desc: null
409
- value: 16
410
- num_beam_groups:
411
- desc: null
412
- value: 1
413
- num_beams:
414
- desc: null
415
- value: 1
416
- num_codevector_groups:
417
- desc: null
418
- value: 2
419
- num_codevectors_per_group:
420
- desc: null
421
- value: 320
422
- num_conv_pos_embedding_groups:
423
- desc: null
424
- value: 16
425
- num_conv_pos_embeddings:
426
- desc: null
427
- value: 128
428
- num_feat_extract_layers:
429
- desc: null
430
- value: 7
431
- num_hidden_layers:
432
- desc: null
433
- value: 48
434
- num_negatives:
435
- desc: null
436
- value: 100
437
- num_return_sequences:
438
- desc: null
439
- value: 1
440
- num_train_epochs:
441
- desc: null
442
- value: 100.0
443
- optim:
444
- desc: null
445
- value: adamw_hf
446
- output_attentions:
447
- desc: null
448
- value: false
449
- output_dir:
450
- desc: null
451
- value: ./1B
452
- output_hidden_size:
453
- desc: null
454
- value: 1280
455
- output_hidden_states:
456
- desc: null
457
- value: false
458
- output_scores:
459
- desc: null
460
- value: false
461
- overwrite_output_dir:
462
- desc: null
463
- value: true
464
- pad_token_id:
465
- desc: null
466
- value: 36
467
- past_index:
468
- desc: null
469
- value: -1
470
- per_device_eval_batch_size:
471
- desc: null
472
- value: 48
473
- per_device_train_batch_size:
474
- desc: null
475
- value: 48
476
- per_gpu_eval_batch_size:
477
- desc: null
478
- value: None
479
- per_gpu_train_batch_size:
480
- desc: null
481
- value: None
482
- prediction_loss_only:
483
- desc: null
484
- value: false
485
- prefix:
486
- desc: null
487
- value: null
488
- problem_type:
489
- desc: null
490
- value: null
491
- proj_codevector_dim:
492
- desc: null
493
- value: 1024
494
- pruned_heads:
495
- desc: null
496
- value: {}
497
- push_to_hub:
498
- desc: null
499
- value: false
500
- push_to_hub_model_id:
501
- desc: null
502
- value: None
503
- push_to_hub_organization:
504
- desc: null
505
- value: None
506
- push_to_hub_token:
507
- desc: null
508
- value: <PUSH_TO_HUB_TOKEN>
509
- remove_invalid_values:
510
- desc: null
511
- value: false
512
- remove_unused_columns:
513
- desc: null
514
- value: true
515
- repetition_penalty:
516
- desc: null
517
- value: 1.0
518
- report_to:
519
- desc: null
520
- value: '[''wandb'']'
521
- resume_from_checkpoint:
522
- desc: null
523
- value: None
524
- return_dict:
525
- desc: null
526
- value: true
527
- return_dict_in_generate:
528
- desc: null
529
- value: false
530
- run_name:
531
- desc: null
532
- value: cosine+drop_proj+low_specaugment-1b
533
- save_on_each_node:
534
- desc: null
535
- value: false
536
- save_steps:
537
- desc: null
538
- value: 1000
539
- save_strategy:
540
- desc: null
541
- value: steps
542
- save_total_limit:
543
- desc: null
544
- value: 1
545
- seed:
546
- desc: null
547
- value: 42
548
- sep_token_id:
549
- desc: null
550
- value: null
551
- sharded_ddp:
552
- desc: null
553
- value: '[]'
554
- skip_memory_metrics:
555
- desc: null
556
- value: true
557
- task_specific_params:
558
- desc: null
559
- value: null
560
- tdnn_dilation:
561
- desc: null
562
- value:
563
- - 1
564
- - 2
565
- - 3
566
- - 1
567
- - 1
568
- tdnn_dim:
569
- desc: null
570
- value:
571
- - 512
572
- - 512
573
- - 512
574
- - 512
575
- - 1500
576
- tdnn_kernel:
577
- desc: null
578
- value:
579
- - 5
580
- - 3
581
- - 3
582
- - 1
583
- - 1
584
- temperature:
585
- desc: null
586
- value: 1.0
587
- tf32:
588
- desc: null
589
- value: None
590
- tie_encoder_decoder:
591
- desc: null
592
- value: false
593
- tie_word_embeddings:
594
- desc: null
595
- value: true
596
- tokenizer_class:
597
- desc: null
598
- value: null
599
- top_k:
600
- desc: null
601
- value: 50
602
- top_p:
603
- desc: null
604
- value: 1.0
605
- torch_dtype:
606
- desc: null
607
- value: float32
608
- torchscript:
609
- desc: null
610
- value: false
611
- tpu_metrics_debug:
612
- desc: null
613
- value: false
614
- tpu_num_cores:
615
- desc: null
616
- value: None
617
- train_batch_size:
618
- desc: null
619
- value: 48
620
- transformers_version:
621
- desc: null
622
- value: 4.16.0.dev0
623
- use_bfloat16:
624
- desc: null
625
- value: false
626
- use_legacy_prediction_loop:
627
- desc: null
628
- value: false
629
- use_weighted_layer_sum:
630
- desc: null
631
- value: false
632
- vocab_size:
633
- desc: null
634
- value: 39
635
- warmup_ratio:
636
- desc: null
637
- value: 0.0
638
- warmup_steps:
639
- desc: null
640
- value: 500
641
- weight_decay:
642
- desc: null
643
- value: 0.0
644
- xpu_backend:
645
- desc: null
646
- value: None
647
- xvector_output_dim:
648
- desc: null
649
- value: 512
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
wandb/run-20220126_121554-295enqix/files/output.log DELETED
@@ -1,32 +0,0 @@
1
-
2
-
3
-
4
-
5
-
6
-
7
-
8
-
9
-
10
-
11
-
12
-
13
-
14
-
15
-
16
-
17
-
18
-
19
-
20
-
21
-
22
-
23
-
24
-
25
-
26
-
27
-
28
-
29
-
30
-
31
-
32
-
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
wandb/run-20220126_121554-295enqix/files/requirements.txt DELETED
@@ -1,87 +0,0 @@
1
- aiohttp==3.8.1
2
- aiosignal==1.2.0
3
- appdirs==1.4.4
4
- async-timeout==4.0.2
5
- attrs==21.4.0
6
- audioread==2.1.9
7
- bitsandbytes-cuda113==0.26.0
8
- certifi==2021.10.8
9
- cffi==1.15.0
10
- charset-normalizer==2.0.10
11
- click==8.0.3
12
- clldutils==3.10.1
13
- colorlog==6.6.0
14
- configparser==5.2.0
15
- csvw==1.11.0
16
- datasets==1.18.1.dev0
17
- decorator==5.1.1
18
- dill==0.3.4
19
- dlinfo==1.2.1
20
- docker-pycreds==0.4.0
21
- filelock==3.4.2
22
- frozenlist==1.3.0
23
- fsspec==2022.1.0
24
- gitdb==4.0.9
25
- gitpython==3.1.26
26
- huggingface-hub==0.4.0
27
- hypothesis==6.36.0
28
- idna==3.3
29
- isodate==0.6.1
30
- jiwer==2.3.0
31
- joblib==1.1.0
32
- librosa==0.8.1
33
- llvmlite==0.38.0
34
- multidict==6.0.2
35
- multiprocess==0.70.12.2
36
- numba==0.55.0
37
- numpy==1.21.5
38
- packaging==21.3
39
- pandas==1.4.0
40
- pathtools==0.1.2
41
- phonemizer==3.0.1
42
- pip==21.3.1
43
- pooch==1.6.0
44
- promise==2.3
45
- protobuf==3.19.3
46
- psutil==5.9.0
47
- pyarrow==6.0.1
48
- pycparser==2.21
49
- pyctcdecode==0.3.0
50
- pygtrie==2.4.2
51
- pyparsing==3.0.7
52
- python-dateutil==2.8.2
53
- python-levenshtein==0.12.2
54
- pytz==2021.3
55
- pyyaml==6.0
56
- regex==2022.1.18
57
- requests==2.27.1
58
- resampy==0.2.2
59
- rfc3986==2.0.0
60
- sacremoses==0.0.47
61
- scikit-learn==1.0.2
62
- scipy==1.7.3
63
- segments==2.2.0
64
- sentry-sdk==1.5.4
65
- setuptools==60.2.0
66
- shortuuid==1.0.8
67
- six==1.16.0
68
- smmap==5.0.0
69
- sortedcontainers==2.4.0
70
- soundfile==0.10.3.post1
71
- subprocess32==3.5.4
72
- tabulate==0.8.9
73
- termcolor==1.1.0
74
- threadpoolctl==3.0.0
75
- tokenizers==0.11.4
76
- torch==1.10.1
77
- torchaudio==0.10.1
78
- tqdm==4.62.3
79
- transformers==4.16.0.dev0
80
- typing-extensions==4.0.1
81
- uritemplate==4.1.1
82
- urllib3==1.26.8
83
- wandb==0.12.9
84
- wheel==0.37.1
85
- xxhash==2.0.2
86
- yarl==1.7.2
87
- yaspin==2.1.0
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
wandb/run-20220126_121554-295enqix/files/wandb-metadata.json DELETED
@@ -1,74 +0,0 @@
1
- {
2
- "os": "Linux-4.18.0-305.10.2.el8_4.x86_64-x86_64-with-glibc2.28",
3
- "python": "3.9.6",
4
- "heartbeatAt": "2022-01-26T17:15:55.285233",
5
- "startedAt": "2022-01-26T17:15:54.341820",
6
- "docker": null,
7
- "gpu": "Tesla V100-PCIE-32GB",
8
- "gpu_count": 3,
9
- "cpu_count": 64,
10
- "cuda": null,
11
- "args": [
12
- "--dataset_name=mozilla-foundation/common_voice_7_0",
13
- "--model_name_or_path=facebook/wav2vec2-xls-r-1b",
14
- "--dataset_config_name=et",
15
- "--output_dir=./1B",
16
- "--overwrite_output_dir",
17
- "--num_train_epochs=100",
18
- "--per_device_train_batch_size=48",
19
- "--per_device_eval_batch_size=48",
20
- "--gradient_accumulation_steps=2",
21
- "--learning_rate=5e-5",
22
- "--save_total_limit=1",
23
- "--warmup_steps=500",
24
- "--evaluation_strategy=steps",
25
- "--text_column_name=sentence",
26
- "--length_column_name=input_length",
27
- "--save_steps=1000",
28
- "--eval_steps=250",
29
- "--logging_steps=100",
30
- "--layerdrop=0.0",
31
- "--freeze_feature_encoder",
32
- "--feat_proj_dropout=0.1",
33
- "--chars_to_ignore",
34
- ",",
35
- "?",
36
- ".",
37
- "!",
38
- "-",
39
- ";",
40
- ":",
41
- "\"",
42
- "\u201c",
43
- "%",
44
- "\u2018",
45
- "\u201d",
46
- "\ufffd",
47
- "\u2014",
48
- "\u2019",
49
- "\u2026",
50
- "\u2013",
51
- "--gradient_checkpointing",
52
- "--lr_scheduler_type=cosine",
53
- "--fp16",
54
- "--group_by_length",
55
- "--mask_time_prob=0.1",
56
- "--mask_time_length=10",
57
- "--report_to=wandb",
58
- "--run_name=cosine+drop_proj+low_specaugment-1b",
59
- "--do_train",
60
- "--do_eval"
61
- ],
62
- "state": "running",
63
- "program": "/home/sagrilaft/Project/audio/xls-r-et/src/run_speech_recognition_ctc_bnb.py",
64
- "codePath": "src/run_speech_recognition_ctc_bnb.py",
65
- "git": {
66
- "remote": "https://huggingface.co/shpotes/xls-r-et",
67
- "commit": "2a437db2644553c5c9c2b9e81553ed9bdf92207e"
68
- },
69
- "email": "shpotes3@gmail.com",
70
- "root": "/home/sagrilaft/Project/audio/xls-r-et",
71
- "host": "ganymede.eafit.edu.co",
72
- "username": "sagrilaft",
73
- "executable": "/home/sagrilaft/Project/audio/xls-r-et/.venv/bin/python"
74
- }
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
wandb/run-20220126_121554-295enqix/files/wandb-summary.json DELETED
@@ -1 +0,0 @@
1
- {}
 
 
wandb/run-20220126_121554-295enqix/logs/debug-internal.log DELETED
@@ -1,136 +0,0 @@
1
- 2022-01-26 12:15:54,828 INFO MainThread:2226380 [internal.py:wandb_internal():87] W&B internal server running at pid: 2226380, started at: 2022-01-26 12:15:54.828545
2
- 2022-01-26 12:15:54,831 DEBUG HandlerThread:2226380 [handler.py:handle_request():130] handle_request: check_version
3
- 2022-01-26 12:15:54,831 INFO WriterThread:2226380 [datastore.py:open_for_write():77] open: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/run-295enqix.wandb
4
- 2022-01-26 12:15:54,833 DEBUG SenderThread:2226380 [sender.py:send():234] send: header
5
- 2022-01-26 12:15:54,834 DEBUG SenderThread:2226380 [sender.py:send_request():248] send_request: check_version
6
- 2022-01-26 12:15:55,103 DEBUG SenderThread:2226380 [sender.py:send():234] send: run
7
- 2022-01-26 12:15:55,276 INFO SenderThread:2226380 [dir_watcher.py:__init__():169] watching files in: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files
8
- 2022-01-26 12:15:55,276 INFO SenderThread:2226380 [sender.py:_start_run_threads():804] run started: 295enqix with start time 1643217354
9
- 2022-01-26 12:15:55,276 DEBUG SenderThread:2226380 [sender.py:send():234] send: summary
10
- 2022-01-26 12:15:55,276 INFO SenderThread:2226380 [sender.py:_save_file():939] saving file wandb-summary.json with policy end
11
- 2022-01-26 12:15:55,278 DEBUG HandlerThread:2226380 [handler.py:handle_request():130] handle_request: run_start
12
- 2022-01-26 12:15:55,284 DEBUG HandlerThread:2226380 [meta.py:__init__():40] meta init
13
- 2022-01-26 12:15:55,285 DEBUG HandlerThread:2226380 [meta.py:__init__():54] meta init done
14
- 2022-01-26 12:15:55,285 DEBUG HandlerThread:2226380 [meta.py:probe():214] probe
15
- 2022-01-26 12:15:55,291 DEBUG HandlerThread:2226380 [meta.py:_setup_git():204] setup git
16
- 2022-01-26 12:15:55,309 DEBUG HandlerThread:2226380 [meta.py:_setup_git():211] setup git done
17
- 2022-01-26 12:15:55,309 DEBUG HandlerThread:2226380 [meta.py:_save_pip():58] save pip
18
- 2022-01-26 12:15:55,309 DEBUG HandlerThread:2226380 [meta.py:_save_pip():72] save pip done
19
- 2022-01-26 12:15:55,309 DEBUG HandlerThread:2226380 [meta.py:probe():252] probe done
20
- 2022-01-26 12:15:55,313 DEBUG SenderThread:2226380 [sender.py:send():234] send: files
21
- 2022-01-26 12:15:55,313 INFO SenderThread:2226380 [sender.py:_save_file():939] saving file wandb-metadata.json with policy now
22
- 2022-01-26 12:15:55,322 DEBUG HandlerThread:2226380 [handler.py:handle_request():130] handle_request: stop_status
23
- 2022-01-26 12:15:55,323 DEBUG SenderThread:2226380 [sender.py:send_request():248] send_request: stop_status
24
- 2022-01-26 12:15:55,460 DEBUG SenderThread:2226380 [sender.py:send():234] send: config
25
- 2022-01-26 12:15:55,461 DEBUG SenderThread:2226380 [sender.py:send():234] send: metric
26
- 2022-01-26 12:15:55,462 DEBUG SenderThread:2226380 [sender.py:send():234] send: metric
27
- 2022-01-26 12:15:55,462 WARNING SenderThread:2226380 [sender.py:send_metric():897] Seen metric with glob (shouldnt happen)
28
- 2022-01-26 12:15:55,937 INFO Thread-11 :2226380 [upload_job.py:push():137] Uploaded file /tmp/tmp0kjyvd1nwandb/sa83kpbt-wandb-metadata.json
29
- 2022-01-26 12:15:56,277 INFO Thread-8 :2226380 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/wandb-metadata.json
30
- 2022-01-26 12:15:56,278 INFO Thread-8 :2226380 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/requirements.txt
31
- 2022-01-26 12:15:56,278 INFO Thread-8 :2226380 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/output.log
32
- 2022-01-26 12:15:56,278 INFO Thread-8 :2226380 [dir_watcher.py:_on_file_created():217] file/dir created: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/wandb-summary.json
33
- 2022-01-26 12:15:58,277 INFO Thread-8 :2226380 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/output.log
34
- 2022-01-26 12:16:10,577 DEBUG HandlerThread:2226380 [handler.py:handle_request():130] handle_request: stop_status
35
- 2022-01-26 12:16:10,577 DEBUG SenderThread:2226380 [sender.py:send_request():248] send_request: stop_status
36
- 2022-01-26 12:16:16,285 INFO Thread-8 :2226380 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/output.log
37
- 2022-01-26 12:16:24,276 DEBUG SenderThread:2226380 [sender.py:send():234] send: stats
38
- 2022-01-26 12:16:25,718 DEBUG HandlerThread:2226380 [handler.py:handle_request():130] handle_request: stop_status
39
- 2022-01-26 12:16:25,719 DEBUG SenderThread:2226380 [sender.py:send_request():248] send_request: stop_status
40
- 2022-01-26 12:16:26,289 INFO Thread-8 :2226380 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/config.yaml
41
- 2022-01-26 12:16:30,291 INFO Thread-8 :2226380 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/output.log
42
- 2022-01-26 12:16:40,861 DEBUG HandlerThread:2226380 [handler.py:handle_request():130] handle_request: stop_status
43
- 2022-01-26 12:16:40,862 DEBUG SenderThread:2226380 [sender.py:send_request():248] send_request: stop_status
44
- 2022-01-26 12:16:44,298 INFO Thread-8 :2226380 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/output.log
45
- 2022-01-26 12:16:55,255 DEBUG SenderThread:2226380 [sender.py:send():234] send: stats
46
- 2022-01-26 12:16:56,119 DEBUG HandlerThread:2226380 [handler.py:handle_request():130] handle_request: stop_status
47
- 2022-01-26 12:16:56,119 DEBUG SenderThread:2226380 [sender.py:send_request():248] send_request: stop_status
48
- 2022-01-26 12:16:56,303 INFO Thread-8 :2226380 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/output.log
49
- 2022-01-26 12:17:06,308 INFO Thread-8 :2226380 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/output.log
50
- 2022-01-26 12:17:11,395 DEBUG HandlerThread:2226380 [handler.py:handle_request():130] handle_request: stop_status
51
- 2022-01-26 12:17:11,395 DEBUG SenderThread:2226380 [sender.py:send_request():248] send_request: stop_status
52
- 2022-01-26 12:17:16,312 INFO Thread-8 :2226380 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/output.log
53
- 2022-01-26 12:17:26,266 DEBUG SenderThread:2226380 [sender.py:send():234] send: stats
54
- 2022-01-26 12:17:26,317 INFO Thread-8 :2226380 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/output.log
55
- 2022-01-26 12:17:26,631 DEBUG HandlerThread:2226380 [handler.py:handle_request():130] handle_request: stop_status
56
- 2022-01-26 12:17:26,632 DEBUG SenderThread:2226380 [sender.py:send_request():248] send_request: stop_status
57
- 2022-01-26 12:17:34,321 INFO Thread-8 :2226380 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/output.log
58
- 2022-01-26 12:17:41,857 DEBUG HandlerThread:2226380 [handler.py:handle_request():130] handle_request: stop_status
59
- 2022-01-26 12:17:41,858 DEBUG SenderThread:2226380 [sender.py:send_request():248] send_request: stop_status
60
- 2022-01-26 12:17:42,325 INFO Thread-8 :2226380 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/output.log
61
- 2022-01-26 12:17:50,329 INFO Thread-8 :2226380 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/output.log
62
- 2022-01-26 12:17:56,331 INFO Thread-8 :2226380 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/output.log
63
- 2022-01-26 12:17:57,090 DEBUG HandlerThread:2226380 [handler.py:handle_request():130] handle_request: stop_status
64
- 2022-01-26 12:17:57,090 DEBUG SenderThread:2226380 [sender.py:send_request():248] send_request: stop_status
65
- 2022-01-26 12:17:57,233 DEBUG SenderThread:2226380 [sender.py:send():234] send: stats
66
- 2022-01-26 12:18:02,334 INFO Thread-8 :2226380 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/output.log
67
- 2022-01-26 12:18:08,337 INFO Thread-8 :2226380 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/output.log
68
- 2022-01-26 12:18:12,358 DEBUG HandlerThread:2226380 [handler.py:handle_request():130] handle_request: stop_status
69
- 2022-01-26 12:18:12,359 DEBUG SenderThread:2226380 [sender.py:send_request():248] send_request: stop_status
70
- 2022-01-26 12:18:13,339 INFO Thread-8 :2226380 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/output.log
71
- 2022-01-26 12:18:27,555 DEBUG HandlerThread:2226380 [handler.py:handle_request():130] handle_request: stop_status
72
- 2022-01-26 12:18:27,555 DEBUG SenderThread:2226380 [sender.py:send_request():248] send_request: stop_status
73
- 2022-01-26 12:18:28,215 DEBUG SenderThread:2226380 [sender.py:send():234] send: stats
74
- 2022-01-26 12:18:31,347 INFO Thread-8 :2226380 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/output.log
75
- 2022-01-26 12:18:42,695 DEBUG HandlerThread:2226380 [handler.py:handle_request():130] handle_request: stop_status
76
- 2022-01-26 12:18:42,695 DEBUG SenderThread:2226380 [sender.py:send_request():248] send_request: stop_status
77
- 2022-01-26 12:18:45,354 INFO Thread-8 :2226380 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/output.log
78
- 2022-01-26 12:18:57,952 DEBUG HandlerThread:2226380 [handler.py:handle_request():130] handle_request: stop_status
79
- 2022-01-26 12:18:57,952 DEBUG SenderThread:2226380 [sender.py:send_request():248] send_request: stop_status
80
- 2022-01-26 12:18:59,199 DEBUG SenderThread:2226380 [sender.py:send():234] send: stats
81
- 2022-01-26 12:18:59,360 INFO Thread-8 :2226380 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/output.log
82
- 2022-01-26 12:19:11,366 INFO Thread-8 :2226380 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/output.log
83
- 2022-01-26 12:19:13,205 DEBUG HandlerThread:2226380 [handler.py:handle_request():130] handle_request: stop_status
84
- 2022-01-26 12:19:13,206 DEBUG SenderThread:2226380 [sender.py:send_request():248] send_request: stop_status
85
- 2022-01-26 12:19:23,373 INFO Thread-8 :2226380 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/output.log
86
- 2022-01-26 12:19:28,370 DEBUG HandlerThread:2226380 [handler.py:handle_request():130] handle_request: stop_status
87
- 2022-01-26 12:19:28,371 DEBUG SenderThread:2226380 [sender.py:send_request():248] send_request: stop_status
88
- 2022-01-26 12:19:30,192 DEBUG SenderThread:2226380 [sender.py:send():234] send: stats
89
- 2022-01-26 12:19:33,379 INFO Thread-8 :2226380 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/output.log
90
- 2022-01-26 12:19:41,382 INFO Thread-8 :2226380 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/output.log
91
- 2022-01-26 12:19:43,543 DEBUG HandlerThread:2226380 [handler.py:handle_request():130] handle_request: stop_status
92
- 2022-01-26 12:19:43,544 DEBUG SenderThread:2226380 [sender.py:send_request():248] send_request: stop_status
93
- 2022-01-26 12:19:51,386 INFO Thread-8 :2226380 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/output.log
94
- 2022-01-26 12:19:58,761 DEBUG HandlerThread:2226380 [handler.py:handle_request():130] handle_request: stop_status
95
- 2022-01-26 12:19:58,761 DEBUG SenderThread:2226380 [sender.py:send_request():248] send_request: stop_status
96
- 2022-01-26 12:19:59,389 INFO Thread-8 :2226380 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/output.log
97
- 2022-01-26 12:20:01,184 DEBUG SenderThread:2226380 [sender.py:send():234] send: stats
98
- 2022-01-26 12:20:07,393 INFO Thread-8 :2226380 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/output.log
99
- 2022-01-26 12:20:13,395 INFO Thread-8 :2226380 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/output.log
100
- 2022-01-26 12:20:13,950 DEBUG HandlerThread:2226380 [handler.py:handle_request():130] handle_request: stop_status
101
- 2022-01-26 12:20:13,950 DEBUG SenderThread:2226380 [sender.py:send_request():248] send_request: stop_status
102
- 2022-01-26 12:20:19,398 INFO Thread-8 :2226380 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/output.log
103
- 2022-01-26 12:20:25,401 INFO Thread-8 :2226380 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/output.log
104
- 2022-01-26 12:20:29,257 DEBUG HandlerThread:2226380 [handler.py:handle_request():130] handle_request: stop_status
105
- 2022-01-26 12:20:29,257 DEBUG SenderThread:2226380 [sender.py:send_request():248] send_request: stop_status
106
- 2022-01-26 12:20:29,402 INFO Thread-8 :2226380 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/output.log
107
- 2022-01-26 12:20:32,140 DEBUG SenderThread:2226380 [sender.py:send():234] send: stats
108
- 2022-01-26 12:20:44,546 DEBUG HandlerThread:2226380 [handler.py:handle_request():130] handle_request: stop_status
109
- 2022-01-26 12:20:44,547 DEBUG SenderThread:2226380 [sender.py:send_request():248] send_request: stop_status
110
- 2022-01-26 12:20:47,411 INFO Thread-8 :2226380 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/output.log
111
- 2022-01-26 12:20:59,689 DEBUG HandlerThread:2226380 [handler.py:handle_request():130] handle_request: stop_status
112
- 2022-01-26 12:20:59,690 DEBUG SenderThread:2226380 [sender.py:send_request():248] send_request: stop_status
113
- 2022-01-26 12:21:03,070 DEBUG SenderThread:2226380 [sender.py:send():234] send: stats
114
- 2022-01-26 12:21:04,418 INFO Thread-8 :2226380 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/output.log
115
- 2022-01-26 12:21:14,840 DEBUG HandlerThread:2226380 [handler.py:handle_request():130] handle_request: stop_status
116
- 2022-01-26 12:21:14,840 DEBUG SenderThread:2226380 [sender.py:send_request():248] send_request: stop_status
117
- 2022-01-26 12:21:18,425 INFO Thread-8 :2226380 [dir_watcher.py:_on_file_modified():230] file/dir modified: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/output.log
118
- 2022-01-26 12:21:32,200 WARNING MainThread:2226380 [internal.py:is_dead():366] Internal process exiting, parent pid 2226158 disappeared
119
- 2022-01-26 12:21:32,200 ERROR MainThread:2226380 [internal.py:wandb_internal():142] Internal process shutdown.
120
- 2022-01-26 12:21:32,483 INFO SenderThread:2226380 [sender.py:finish():1070] shutting down sender
121
- 2022-01-26 12:21:32,484 INFO SenderThread:2226380 [dir_watcher.py:finish():283] shutting down directory watcher
122
- 2022-01-26 12:21:32,492 INFO HandlerThread:2226380 [handler.py:finish():731] shutting down handler
123
- 2022-01-26 12:21:32,503 INFO WriterThread:2226380 [datastore.py:close():281] close: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/run-295enqix.wandb
124
- 2022-01-26 12:21:33,428 INFO SenderThread:2226380 [dir_watcher.py:finish():313] scan: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files
125
- 2022-01-26 12:21:33,429 INFO SenderThread:2226380 [dir_watcher.py:finish():327] scan save: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/config.yaml config.yaml
126
- 2022-01-26 12:21:33,429 INFO SenderThread:2226380 [dir_watcher.py:finish():327] scan save: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/wandb-summary.json wandb-summary.json
127
- 2022-01-26 12:21:33,429 INFO SenderThread:2226380 [dir_watcher.py:finish():327] scan save: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/requirements.txt requirements.txt
128
- 2022-01-26 12:21:33,429 INFO SenderThread:2226380 [dir_watcher.py:finish():327] scan save: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/wandb-metadata.json wandb-metadata.json
129
- 2022-01-26 12:21:33,430 INFO SenderThread:2226380 [dir_watcher.py:finish():327] scan save: /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/output.log output.log
130
- 2022-01-26 12:21:33,430 INFO SenderThread:2226380 [file_pusher.py:finish():177] shutting down file pusher
131
- 2022-01-26 12:21:33,430 INFO SenderThread:2226380 [file_pusher.py:join():182] waiting for file pusher
132
- 2022-01-26 12:21:34,064 INFO Thread-14 :2226380 [upload_job.py:push():137] Uploaded file /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/requirements.txt
133
- 2022-01-26 12:21:34,092 INFO Thread-13 :2226380 [upload_job.py:push():137] Uploaded file /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/wandb-summary.json
134
- 2022-01-26 12:21:34,134 INFO Thread-12 :2226380 [upload_job.py:push():137] Uploaded file /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/config.yaml
135
- 2022-01-26 12:21:34,181 INFO Thread-15 :2226380 [upload_job.py:push():137] Uploaded file /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/files/output.log
136
- 2022-01-26 12:21:34,621 INFO MainThread:2226380 [internal.py:handle_exit():77] Internal process exited
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
wandb/run-20220126_121554-295enqix/logs/debug.log DELETED
@@ -1,24 +0,0 @@
1
- 2022-01-26 12:15:54,344 INFO MainThread:2226158 [wandb_setup.py:_flush():71] setting env: {'project': 'xls-r-estonian'}
2
- 2022-01-26 12:15:54,344 INFO MainThread:2226158 [wandb_setup.py:_flush():71] setting login settings: {}
3
- 2022-01-26 12:15:54,345 INFO MainThread:2226158 [wandb_init.py:_log_setup():371] Logging user logs to /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/logs/debug.log
4
- 2022-01-26 12:15:54,345 INFO MainThread:2226158 [wandb_init.py:_log_setup():372] Logging internal logs to /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220126_121554-295enqix/logs/debug-internal.log
5
- 2022-01-26 12:15:54,345 INFO MainThread:2226158 [wandb_init.py:init():404] calling init triggers
6
- 2022-01-26 12:15:54,346 INFO MainThread:2226158 [wandb_init.py:init():409] wandb.init called with sweep_config: {}
7
- config: {}
8
- 2022-01-26 12:15:54,346 INFO MainThread:2226158 [wandb_init.py:init():460] starting backend
9
- 2022-01-26 12:15:54,346 INFO MainThread:2226158 [backend.py:_multiprocessing_setup():99] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
10
- 2022-01-26 12:15:54,373 INFO MainThread:2226158 [backend.py:ensure_launched():216] starting backend process...
11
- 2022-01-26 12:15:54,395 INFO MainThread:2226158 [backend.py:ensure_launched():221] started backend process with pid: 2226380
12
- 2022-01-26 12:15:54,396 INFO MainThread:2226158 [wandb_init.py:init():469] backend started and connected
13
- 2022-01-26 12:15:54,401 INFO MainThread:2226158 [wandb_init.py:init():533] updated telemetry
14
- 2022-01-26 12:15:54,459 INFO MainThread:2226158 [wandb_init.py:init():563] communicating current version
15
- 2022-01-26 12:15:55,101 INFO MainThread:2226158 [wandb_init.py:init():568] got version response
16
- 2022-01-26 12:15:55,101 INFO MainThread:2226158 [wandb_init.py:init():578] communicating run to backend with 30 second timeout
17
- 2022-01-26 12:15:55,277 INFO MainThread:2226158 [wandb_init.py:init():606] starting run threads in backend
18
- 2022-01-26 12:15:55,320 INFO MainThread:2226158 [wandb_run.py:_console_start():1810] atexit reg
19
- 2022-01-26 12:15:55,321 INFO MainThread:2226158 [wandb_run.py:_redirect():1684] redirect: SettingsConsole.REDIRECT
20
- 2022-01-26 12:15:55,322 INFO MainThread:2226158 [wandb_run.py:_redirect():1689] Redirecting console.
21
- 2022-01-26 12:15:55,325 INFO MainThread:2226158 [wandb_run.py:_redirect():1745] Redirects installed.
22
- 2022-01-26 12:15:55,325 INFO MainThread:2226158 [wandb_init.py:init():633] run started, returning control to user process
23
- 2022-01-26 12:15:55,341 INFO MainThread:2226158 [wandb_run.py:_config_callback():956] config_cb None None {'return_dict': True, 'output_hidden_states': False, 'output_attentions': False, 'torchscript': False, 'torch_dtype': 'float32', 'use_bfloat16': False, 'pruned_heads': {}, 'tie_word_embeddings': True, 'is_encoder_decoder': False, 'is_decoder': False, 'cross_attention_hidden_size': None, 'add_cross_attention': False, 'tie_encoder_decoder': False, 'max_length': 20, 'min_length': 0, 'do_sample': False, 'early_stopping': False, 'num_beams': 1, 'num_beam_groups': 1, 'diversity_penalty': 0.0, 'temperature': 1.0, 'top_k': 50, 'top_p': 1.0, 'repetition_penalty': 1.0, 'length_penalty': 1.0, 'no_repeat_ngram_size': 0, 'encoder_no_repeat_ngram_size': 0, 'bad_words_ids': None, 'num_return_sequences': 1, 'chunk_size_feed_forward': 0, 'output_scores': False, 'return_dict_in_generate': False, 'forced_bos_token_id': None, 'forced_eos_token_id': None, 'remove_invalid_values': False, 'architectures': ['Wav2Vec2ForPreTraining'], 'finetuning_task': None, 'id2label': {0: 'LABEL_0', 1: 'LABEL_1'}, 'label2id': {'LABEL_0': 0, 'LABEL_1': 1}, 'tokenizer_class': None, 'prefix': None, 'bos_token_id': 1, 'pad_token_id': 36, 'eos_token_id': 2, 'sep_token_id': None, 'decoder_start_token_id': None, 'task_specific_params': None, 'problem_type': None, '_name_or_path': 'facebook/wav2vec2-xls-r-1b', 'transformers_version': '4.16.0.dev0', 'feat_extract_dropout': 0.0, 'model_type': 'wav2vec2', 'num_feat_extract_layers': 7, 'hidden_size': 1280, 'feat_extract_norm': 'layer', 'feat_extract_activation': 'gelu', 'conv_dim': [512, 512, 512, 512, 512, 512, 512], 'conv_stride': [5, 2, 2, 2, 2, 2, 2], 'conv_kernel': [10, 3, 3, 3, 3, 2, 2], 'conv_bias': True, 'num_conv_pos_embeddings': 128, 'num_conv_pos_embedding_groups': 16, 'num_hidden_layers': 48, 'intermediate_size': 5120, 'hidden_act': 'gelu', 'num_attention_heads': 16, 'hidden_dropout': 0.0, 'attention_dropout': 0.0, 'activation_dropout': 0.0, 'feat_proj_dropout': 0.1, 'final_dropout': 0.0, 'layerdrop': 0.0, 'layer_norm_eps': 1e-05, 'initializer_range': 0.02, 'vocab_size': 39, 'do_stable_layer_norm': True, 'use_weighted_layer_sum': False, 'apply_spec_augment': True, 'mask_time_prob': 0.1, 'mask_time_length': 10, 'mask_time_min_masks': 2, 'mask_feature_prob': 0.0, 'mask_feature_length': 10, 'mask_feature_min_masks': 0, 'num_codevectors_per_group': 320, 'num_codevector_groups': 2, 'contrastive_logits_temperature': 0.1, 'feat_quantizer_dropout': 0.0, 'num_negatives': 100, 'codevector_dim': 1024, 'proj_codevector_dim': 1024, 'diversity_loss_weight': 0.1, 'ctc_loss_reduction': 'mean', 'ctc_zero_infinity': False, 'add_adapter': False, 'adapter_kernel_size': 3, 'adapter_stride': 2, 'num_adapter_layers': 3, 'output_hidden_size': 1280, 'classifier_proj_size': 256, 'tdnn_dim': [512, 512, 512, 512, 1500], 'tdnn_kernel': [5, 3, 3, 1, 1], 'tdnn_dilation': [1, 2, 3, 1, 1], 'xvector_output_dim': 512, 'output_dir': './1B', 'overwrite_output_dir': True, 'do_train': True, 'do_eval': True, 'do_predict': False, 'evaluation_strategy': 'steps', 'prediction_loss_only': False, 'per_device_train_batch_size': 48, 'per_device_eval_batch_size': 48, 'per_gpu_train_batch_size': 'None', 'per_gpu_eval_batch_size': 'None', 'gradient_accumulation_steps': 2, 'eval_accumulation_steps': 'None', 'learning_rate': 5e-05, 'weight_decay': 0.0, 'adam_beta1': 0.9, 'adam_beta2': 0.999, 'adam_epsilon': 1e-08, 'max_grad_norm': 1.0, 'num_train_epochs': 100.0, 'max_steps': -1, 'lr_scheduler_type': 'cosine', 'warmup_ratio': 0.0, 'warmup_steps': 500, 'log_level': -1, 'log_level_replica': -1, 'log_on_each_node': True, 'logging_dir': './1B/runs/Jan26_12-15-06_ganymede.eafit.edu.co', 'logging_strategy': 'steps', 'logging_first_step': False, 'logging_steps': 100, 'logging_nan_inf_filter': True, 'save_strategy': 'steps', 'save_steps': 1000, 'save_total_limit': 1, 'save_on_each_node': False, 'no_cuda': False, 'seed': 42, 'bf16': False, 'fp16': True, 'fp16_opt_level': 'O1', 'half_precision_backend': 'amp', 'bf16_full_eval': False, 'fp16_full_eval': False, 'tf32': 'None', 'local_rank': -1, 'xpu_backend': 'None', 'tpu_num_cores': 'None', 'tpu_metrics_debug': False, 'debug': '[]', 'dataloader_drop_last': False, 'eval_steps': 250, 'dataloader_num_workers': 0, 'past_index': -1, 'run_name': 'cosine+drop_proj+low_specaugment-1b', 'disable_tqdm': False, 'remove_unused_columns': True, 'label_names': 'None', 'load_best_model_at_end': False, 'metric_for_best_model': 'None', 'greater_is_better': 'None', 'ignore_data_skip': False, 'sharded_ddp': '[]', 'deepspeed': 'None', 'label_smoothing_factor': 0.0, 'optim': 'adamw_hf', 'adafactor': False, 'group_by_length': True, 'length_column_name': 'input_length', 'report_to': "['wandb']", 'ddp_find_unused_parameters': 'None', 'ddp_bucket_cap_mb': 'None', 'dataloader_pin_memory': True, 'skip_memory_metrics': True, 'use_legacy_prediction_loop': False, 'push_to_hub': False, 'resume_from_checkpoint': 'None', 'hub_model_id': 'None', 'hub_strategy': 'every_save', 'hub_token': '<HUB_TOKEN>', 'gradient_checkpointing': True, 'fp16_backend': 'auto', 'push_to_hub_model_id': 'None', 'push_to_hub_organization': 'None', 'push_to_hub_token': '<PUSH_TO_HUB_TOKEN>', '_n_gpu': 1, 'mp_parameters': '', 'train_batch_size': 48, 'eval_batch_size': 48}
24
- 2022-01-26 12:15:55,344 INFO MainThread:2226158 [wandb_watch.py:watch():43] Watching
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
wandb/run-20220126_121554-295enqix/run-295enqix.wandb DELETED
Binary file (22.7 kB)
 
wandb/run-20220129_111936-33z1cg4n/files/requirements.txt DELETED
@@ -1,87 +0,0 @@
1
- aiohttp==3.8.1
2
- aiosignal==1.2.0
3
- appdirs==1.4.4
4
- async-timeout==4.0.2
5
- attrs==21.4.0
6
- audioread==2.1.9
7
- bitsandbytes-cuda113==0.26.0
8
- certifi==2021.10.8
9
- cffi==1.15.0
10
- charset-normalizer==2.0.10
11
- click==8.0.3
12
- clldutils==3.10.1
13
- colorlog==6.6.0
14
- configparser==5.2.0
15
- csvw==1.11.0
16
- datasets==1.18.1.dev0
17
- decorator==5.1.1
18
- dill==0.3.4
19
- dlinfo==1.2.1
20
- docker-pycreds==0.4.0
21
- filelock==3.4.2
22
- frozenlist==1.3.0
23
- fsspec==2022.1.0
24
- gitdb==4.0.9
25
- gitpython==3.1.26
26
- huggingface-hub==0.4.0
27
- hypothesis==6.36.0
28
- idna==3.3
29
- isodate==0.6.1
30
- jiwer==2.3.0
31
- joblib==1.1.0
32
- librosa==0.8.1
33
- llvmlite==0.38.0
34
- multidict==6.0.2
35
- multiprocess==0.70.12.2
36
- numba==0.55.0
37
- numpy==1.21.5
38
- packaging==21.3
39
- pandas==1.4.0
40
- pathtools==0.1.2
41
- phonemizer==3.0.1
42
- pip==21.3.1
43
- pooch==1.6.0
44
- promise==2.3
45
- protobuf==3.19.3
46
- psutil==5.9.0
47
- pyarrow==6.0.1
48
- pycparser==2.21
49
- pyctcdecode==0.3.0
50
- pygtrie==2.4.2
51
- pyparsing==3.0.7
52
- python-dateutil==2.8.2
53
- python-levenshtein==0.12.2
54
- pytz==2021.3
55
- pyyaml==6.0
56
- regex==2022.1.18
57
- requests==2.27.1
58
- resampy==0.2.2
59
- rfc3986==2.0.0
60
- sacremoses==0.0.47
61
- scikit-learn==1.0.2
62
- scipy==1.7.3
63
- segments==2.2.0
64
- sentry-sdk==1.5.4
65
- setuptools==60.2.0
66
- shortuuid==1.0.8
67
- six==1.16.0
68
- smmap==5.0.0
69
- sortedcontainers==2.4.0
70
- soundfile==0.10.3.post1
71
- subprocess32==3.5.4
72
- tabulate==0.8.9
73
- termcolor==1.1.0
74
- threadpoolctl==3.0.0
75
- tokenizers==0.11.4
76
- torch==1.10.1
77
- torchaudio==0.10.1
78
- tqdm==4.62.3
79
- transformers==4.16.0.dev0
80
- typing-extensions==4.0.1
81
- uritemplate==4.1.1
82
- urllib3==1.26.8
83
- wandb==0.12.9
84
- wheel==0.37.1
85
- xxhash==2.0.2
86
- yarl==1.7.2
87
- yaspin==2.1.0
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
wandb/run-20220129_111936-33z1cg4n/files/wandb-summary.json DELETED
The diff for this file is too large to render. See raw diff
 
wandb/run-20220129_111936-33z1cg4n/logs/debug-internal.log DELETED
The diff for this file is too large to render. See raw diff
 
wandb/{run-20220129_111936-33z1cg4n → run-20220129_170809-3lal72pm}/files/config.yaml RENAMED
@@ -4803,7 +4803,7 @@ _wandb:
4803
  6:
4804
  - 1
4805
  python_version: 3.9.6
4806
- start_time: 1643473176
4807
  t:
4808
  1:
4809
  - 1
@@ -4982,7 +4982,7 @@ eval_accumulation_steps:
4982
  value: None
4983
  eval_batch_size:
4984
  desc: null
4985
- value: 80
4986
  eval_steps:
4987
  desc: null
4988
  value: 500
@@ -5030,7 +5030,7 @@ fp16_opt_level:
5030
  value: O1
5031
  gradient_accumulation_steps:
5032
  desc: null
5033
- value: 2
5034
  gradient_checkpointing:
5035
  desc: null
5036
  value: true
@@ -5124,7 +5124,7 @@ log_on_each_node:
5124
  value: true
5125
  logging_dir:
5126
  desc: null
5127
- value: ./runs/Jan29_11-17-08_ganymede.eafit.edu.co
5128
  logging_first_step:
5129
  desc: null
5130
  value: false
@@ -5253,10 +5253,10 @@ past_index:
5253
  value: -1
5254
  per_device_eval_batch_size:
5255
  desc: null
5256
- value: 80
5257
  per_device_train_batch_size:
5258
  desc: null
5259
- value: 80
5260
  per_gpu_eval_batch_size:
5261
  desc: null
5262
  value: None
@@ -5400,7 +5400,7 @@ tpu_num_cores:
5400
  value: None
5401
  train_batch_size:
5402
  desc: null
5403
- value: 80
5404
  transformers_version:
5405
  desc: null
5406
  value: 4.16.0.dev0
 
4803
  6:
4804
  - 1
4805
  python_version: 3.9.6
4806
+ start_time: 1643494089
4807
  t:
4808
  1:
4809
  - 1
 
4982
  value: None
4983
  eval_batch_size:
4984
  desc: null
4985
+ value: 72
4986
  eval_steps:
4987
  desc: null
4988
  value: 500
 
5030
  value: O1
5031
  gradient_accumulation_steps:
5032
  desc: null
5033
+ value: 1
5034
  gradient_checkpointing:
5035
  desc: null
5036
  value: true
 
5124
  value: true
5125
  logging_dir:
5126
  desc: null
5127
+ value: ./runs/Jan29_17-06-16_ganymede.eafit.edu.co
5128
  logging_first_step:
5129
  desc: null
5130
  value: false
 
5253
  value: -1
5254
  per_device_eval_batch_size:
5255
  desc: null
5256
+ value: 72
5257
  per_device_train_batch_size:
5258
  desc: null
5259
+ value: 72
5260
  per_gpu_eval_batch_size:
5261
  desc: null
5262
  value: None
 
5400
  value: None
5401
  train_batch_size:
5402
  desc: null
5403
+ value: 72
5404
  transformers_version:
5405
  desc: null
5406
  value: 4.16.0.dev0
wandb/{run-20220129_111936-33z1cg4n → run-20220129_170809-3lal72pm}/files/output.log RENAMED
@@ -98,8 +98,8 @@
98
 
99
 
100
 
101
- 3%|█▋ | 99/3600 [15:46<10:30:00, 10.80s/it]
102
 
 
103
 
104
 
105
 
@@ -199,8 +199,8 @@
199
 
200
 
201
 
 
202
 
203
- 6%|███▍ | 200/3600 [31:33<10:03:22, 10.65s/it]
204
 
205
 
206
 
@@ -298,9 +298,9 @@
298
 
299
 
300
 
 
301
 
302
 
303
- 8%|█████▏ | 299/3600 [47:03<9:53:18, 10.78s/it]
304
 
305
 
306
 
@@ -396,14 +396,7 @@
396
 
397
 
398
 
399
-
400
-
401
-
402
-
403
-
404
- 11%|██████▋ | 399/3600 [1:02:40<9:47:13, 11.01s/it]
405
-
406
-
407
 
408
 
409
 
@@ -499,14 +492,14 @@
499
 
500
 
501
 
 
 
 
 
 
502
 
503
 
504
 
505
- 14%|████████▎ | 499/3600 [1:18:15<6:47:48, 7.89s/it]
506
- 14%|████████▎ | 500/3600 [1:18:20<5:57:31, 6.92s/it]The following columns in the evaluation set don't have a corresponding argument in `Wav2Vec2ForCTC.forward` and have been ignored: input_length.
507
- ***** Running Evaluation *****
508
- Num examples = 2609
509
- Batch size = 80
510
 
511
 
512
 
@@ -539,8 +532,8 @@
539
 
540
 
541
 
542
- 100%|███████████████████████████████████████████████████████████████████| 33/33 [02:06<00:00, 2.59s/it]
543
 
544
  Configuration saved in ./checkpoint-500/config.json
 
545
  Model weights saved in ./checkpoint-500/pytorch_model.bin
546
  Configuration saved in ./checkpoint-500/preprocessor_config.json
 
98
 
99
 
100
 
 
101
 
102
+ 1%|██ | 100/8000 [07:12<9:10:12, 4.18s/it]
103
 
104
 
105
 
 
199
 
200
 
201
 
202
+ 2%|████▏ | 200/8000 [14:20<10:55:34, 5.04s/it]
203
 
 
204
 
205
 
206
 
 
298
 
299
 
300
 
301
+ 4%|██████▎ | 300/8000 [21:26<11:53:08, 5.56s/it]
302
 
303
 
 
304
 
305
 
306
 
 
396
 
397
 
398
 
399
+ 5%|████████▍ | 400/8000 [28:21<5:51:55, 2.78s/it]
 
 
 
 
 
 
 
400
 
401
 
402
 
 
492
 
493
 
494
 
495
+ 6%|██████████▍ | 499/8000 [35:20<4:57:32, 2.38s/it]
496
+ 6%|██████████▌ | 500/8000 [35:28<8:36:37, 4.13s/it]The following columns in the evaluation set don't have a corresponding argument in `Wav2Vec2ForCTC.forward` and have been ignored: input_length.
497
+ ***** Running Evaluation *****
498
+ Num examples = 2609
499
+ Batch size = 72
500
 
501
 
502
 
 
 
 
 
 
503
 
504
 
505
 
 
532
 
533
 
534
 
 
535
 
536
  Configuration saved in ./checkpoint-500/config.json
537
+ {'eval_loss': 0.4678382873535156, 'eval_wer': 0.5768055997454661, 'eval_runtime': 131.6765, 'eval_samples_per_second': 19.814, 'eval_steps_per_second': 0.281, 'epoch': 6.25}
538
  Model weights saved in ./checkpoint-500/pytorch_model.bin
539
  Configuration saved in ./checkpoint-500/preprocessor_config.json
wandb/{run-20220126_105847-1xdiy2kf → run-20220129_170809-3lal72pm}/files/requirements.txt RENAMED
File without changes
wandb/{run-20220129_111936-33z1cg4n → run-20220129_170809-3lal72pm}/files/wandb-metadata.json RENAMED
@@ -1,8 +1,8 @@
1
  {
2
  "os": "Linux-4.18.0-305.10.2.el8_4.x86_64-x86_64-with-glibc2.28",
3
  "python": "3.9.6",
4
- "heartbeatAt": "2022-01-29T16:19:37.625823",
5
- "startedAt": "2022-01-29T16:19:36.629047",
6
  "docker": null,
7
  "gpu": "Tesla V100-PCIE-32GB",
8
  "gpu_count": 3,
@@ -15,9 +15,9 @@
15
  "--output_dir=./",
16
  "--overwrite_output_dir",
17
  "--num_train_epochs=100",
18
- "--per_device_train_batch_size=80",
19
- "--per_device_eval_batch_size=80",
20
- "--gradient_accumulation_steps=2",
21
  "--learning_rate=3e-4",
22
  "--save_total_limit=1",
23
  "--warmup_steps=500",
@@ -66,7 +66,7 @@
66
  "codePath": "src/run_speech_recognition_ctc_bnb.py",
67
  "git": {
68
  "remote": "https://huggingface.co/shpotes/xls-r-et",
69
- "commit": "fa2a9d24f0bae1b5002fb327d3cfa727ef5b4caf"
70
  },
71
  "email": "shpotes3@gmail.com",
72
  "root": "/home/sagrilaft/Project/audio/xls-r-et",
 
1
  {
2
  "os": "Linux-4.18.0-305.10.2.el8_4.x86_64-x86_64-with-glibc2.28",
3
  "python": "3.9.6",
4
+ "heartbeatAt": "2022-01-29T22:08:10.210586",
5
+ "startedAt": "2022-01-29T22:08:09.026413",
6
  "docker": null,
7
  "gpu": "Tesla V100-PCIE-32GB",
8
  "gpu_count": 3,
 
15
  "--output_dir=./",
16
  "--overwrite_output_dir",
17
  "--num_train_epochs=100",
18
+ "--per_device_train_batch_size=72",
19
+ "--per_device_eval_batch_size=72",
20
+ "--gradient_accumulation_steps=1",
21
  "--learning_rate=3e-4",
22
  "--save_total_limit=1",
23
  "--warmup_steps=500",
 
66
  "codePath": "src/run_speech_recognition_ctc_bnb.py",
67
  "git": {
68
  "remote": "https://huggingface.co/shpotes/xls-r-et",
69
+ "commit": "1f68524110998ba851e20ef822076294e0945a07"
70
  },
71
  "email": "shpotes3@gmail.com",
72
  "root": "/home/sagrilaft/Project/audio/xls-r-et",
wandb/run-20220129_170809-3lal72pm/files/wandb-summary.json ADDED
The diff for this file is too large to render. See raw diff
 
wandb/run-20220129_170809-3lal72pm/logs/debug-internal.log ADDED
The diff for this file is too large to render. See raw diff
 
wandb/{run-20220129_111936-33z1cg4n → run-20220129_170809-3lal72pm}/logs/debug.log RENAMED
@@ -1,24 +1,24 @@
1
- 2022-01-29 11:19:36,632 INFO MainThread:2523114 [wandb_setup.py:_flush():71] setting env: {'project': 'xls-r-estonian'}
2
- 2022-01-29 11:19:36,632 INFO MainThread:2523114 [wandb_setup.py:_flush():71] setting login settings: {}
3
- 2022-01-29 11:19:36,632 INFO MainThread:2523114 [wandb_init.py:_log_setup():371] Logging user logs to /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220129_111936-33z1cg4n/logs/debug.log
4
- 2022-01-29 11:19:36,632 INFO MainThread:2523114 [wandb_init.py:_log_setup():372] Logging internal logs to /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220129_111936-33z1cg4n/logs/debug-internal.log
5
- 2022-01-29 11:19:36,633 INFO MainThread:2523114 [wandb_init.py:init():404] calling init triggers
6
- 2022-01-29 11:19:36,633 INFO MainThread:2523114 [wandb_init.py:init():409] wandb.init called with sweep_config: {}
7
  config: {}
8
- 2022-01-29 11:19:36,633 INFO MainThread:2523114 [wandb_init.py:init():460] starting backend
9
- 2022-01-29 11:19:36,633 INFO MainThread:2523114 [backend.py:_multiprocessing_setup():99] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
10
- 2022-01-29 11:19:36,666 INFO MainThread:2523114 [backend.py:ensure_launched():216] starting backend process...
11
- 2022-01-29 11:19:36,693 INFO MainThread:2523114 [backend.py:ensure_launched():221] started backend process with pid: 2523574
12
- 2022-01-29 11:19:36,694 INFO MainThread:2523114 [wandb_init.py:init():469] backend started and connected
13
- 2022-01-29 11:19:36,701 INFO MainThread:2523114 [wandb_init.py:init():533] updated telemetry
14
- 2022-01-29 11:19:36,765 INFO MainThread:2523114 [wandb_init.py:init():563] communicating current version
15
- 2022-01-29 11:19:37,425 INFO MainThread:2523114 [wandb_init.py:init():568] got version response
16
- 2022-01-29 11:19:37,426 INFO MainThread:2523114 [wandb_init.py:init():578] communicating run to backend with 30 second timeout
17
- 2022-01-29 11:19:37,617 INFO MainThread:2523114 [wandb_init.py:init():606] starting run threads in backend
18
- 2022-01-29 11:19:37,676 INFO MainThread:2523114 [wandb_run.py:_console_start():1810] atexit reg
19
- 2022-01-29 11:19:37,677 INFO MainThread:2523114 [wandb_run.py:_redirect():1684] redirect: SettingsConsole.REDIRECT
20
- 2022-01-29 11:19:37,677 INFO MainThread:2523114 [wandb_run.py:_redirect():1689] Redirecting console.
21
- 2022-01-29 11:19:37,680 INFO MainThread:2523114 [wandb_run.py:_redirect():1745] Redirects installed.
22
- 2022-01-29 11:19:37,680 INFO MainThread:2523114 [wandb_init.py:init():633] run started, returning control to user process
23
- 2022-01-29 11:19:37,694 INFO MainThread:2523114 [wandb_run.py:_config_callback():956] config_cb None None {'return_dict': True, 'output_hidden_states': False, 'output_attentions': False, 'torchscript': False, 'torch_dtype': 'float32', 'use_bfloat16': False, 'pruned_heads': {}, 'tie_word_embeddings': True, 'is_encoder_decoder': False, 'is_decoder': False, 'cross_attention_hidden_size': None, 'add_cross_attention': False, 'tie_encoder_decoder': False, 'max_length': 20, 'min_length': 0, 'do_sample': False, 'early_stopping': False, 'num_beams': 1, 'num_beam_groups': 1, 'diversity_penalty': 0.0, 'temperature': 1.0, 'top_k': 50, 'top_p': 1.0, 'repetition_penalty': 1.0, 'length_penalty': 1.0, 'no_repeat_ngram_size': 0, 'encoder_no_repeat_ngram_size': 0, 'bad_words_ids': None, 'num_return_sequences': 1, 'chunk_size_feed_forward': 0, 'output_scores': False, 'return_dict_in_generate': False, 'forced_bos_token_id': None, 'forced_eos_token_id': None, 'remove_invalid_values': False, 'architectures': ['Wav2Vec2ForPreTraining'], 'finetuning_task': None, 'id2label': {0: 'LABEL_0', 1: 'LABEL_1'}, 'label2id': {'LABEL_0': 0, 'LABEL_1': 1}, 'tokenizer_class': None, 'prefix': None, 'bos_token_id': 1, 'pad_token_id': 36, 'eos_token_id': 2, 'sep_token_id': None, 'decoder_start_token_id': None, 'task_specific_params': None, 'problem_type': None, '_name_or_path': 'facebook/wav2vec2-xls-r-300m', 'transformers_version': '4.16.0.dev0', 'feat_extract_dropout': 0.0, 'model_type': 'wav2vec2', 'num_feat_extract_layers': 7, 'hidden_size': 1024, 'feat_extract_norm': 'layer', 'feat_extract_activation': 'gelu', 'conv_dim': [512, 512, 512, 512, 512, 512, 512], 'conv_stride': [5, 2, 2, 2, 2, 2, 2], 'conv_kernel': [10, 3, 3, 3, 3, 2, 2], 'conv_bias': True, 'num_conv_pos_embeddings': 128, 'num_conv_pos_embedding_groups': 16, 'num_hidden_layers': 24, 'intermediate_size': 4096, 'hidden_act': 'gelu', 'num_attention_heads': 16, 'hidden_dropout': 0.0, 'attention_dropout': 0.0, 'activation_dropout': 0.0, 'feat_proj_dropout': 0.1, 'final_dropout': 0.0, 'layerdrop': 0.0, 'layer_norm_eps': 1e-05, 'initializer_range': 0.02, 'vocab_size': 39, 'do_stable_layer_norm': True, 'use_weighted_layer_sum': False, 'apply_spec_augment': True, 'mask_time_prob': 0.1, 'mask_time_length': 10, 'mask_time_min_masks': 2, 'mask_feature_prob': 0.0, 'mask_feature_length': 10, 'mask_feature_min_masks': 0, 'num_codevectors_per_group': 320, 'num_codevector_groups': 2, 'contrastive_logits_temperature': 0.1, 'feat_quantizer_dropout': 0.0, 'num_negatives': 100, 'codevector_dim': 768, 'proj_codevector_dim': 768, 'diversity_loss_weight': 0.1, 'ctc_loss_reduction': 'mean', 'ctc_zero_infinity': False, 'add_adapter': False, 'adapter_kernel_size': 3, 'adapter_stride': 2, 'num_adapter_layers': 3, 'output_hidden_size': 1024, 'classifier_proj_size': 256, 'tdnn_dim': [512, 512, 512, 512, 1500], 'tdnn_kernel': [5, 3, 3, 1, 1], 'tdnn_dilation': [1, 2, 3, 1, 1], 'xvector_output_dim': 512, 'output_dir': './', 'overwrite_output_dir': True, 'do_train': True, 'do_eval': True, 'do_predict': False, 'evaluation_strategy': 'steps', 'prediction_loss_only': False, 'per_device_train_batch_size': 80, 'per_device_eval_batch_size': 80, 'per_gpu_train_batch_size': 'None', 'per_gpu_eval_batch_size': 'None', 'gradient_accumulation_steps': 2, 'eval_accumulation_steps': 'None', 'learning_rate': 0.0003, 'weight_decay': 0.0, 'adam_beta1': 0.9, 'adam_beta2': 0.999, 'adam_epsilon': 1e-08, 'max_grad_norm': 1.0, 'num_train_epochs': 100.0, 'max_steps': -1, 'lr_scheduler_type': 'cosine', 'warmup_ratio': 0.0, 'warmup_steps': 500, 'log_level': -1, 'log_level_replica': -1, 'log_on_each_node': True, 'logging_dir': './runs/Jan29_11-17-08_ganymede.eafit.edu.co', 'logging_strategy': 'steps', 'logging_first_step': False, 'logging_steps': 100, 'logging_nan_inf_filter': True, 'save_strategy': 'steps', 'save_steps': 500, 'save_total_limit': 1, 'save_on_each_node': False, 'no_cuda': False, 'seed': 42, 'bf16': False, 'fp16': True, 'fp16_opt_level': 'O1', 'half_precision_backend': 'amp', 'bf16_full_eval': False, 'fp16_full_eval': False, 'tf32': 'None', 'local_rank': -1, 'xpu_backend': 'None', 'tpu_num_cores': 'None', 'tpu_metrics_debug': False, 'debug': '[]', 'dataloader_drop_last': False, 'eval_steps': 500, 'dataloader_num_workers': 0, 'past_index': -1, 'run_name': 'cosine+drop_proj+low_specaugment-300M', 'disable_tqdm': False, 'remove_unused_columns': True, 'label_names': 'None', 'load_best_model_at_end': False, 'metric_for_best_model': 'None', 'greater_is_better': 'None', 'ignore_data_skip': False, 'sharded_ddp': '[]', 'deepspeed': 'None', 'label_smoothing_factor': 0.0, 'optim': 'adamw_hf', 'adafactor': False, 'group_by_length': True, 'length_column_name': 'input_length', 'report_to': "['wandb']", 'ddp_find_unused_parameters': 'None', 'ddp_bucket_cap_mb': 'None', 'dataloader_pin_memory': True, 'skip_memory_metrics': True, 'use_legacy_prediction_loop': False, 'push_to_hub': True, 'resume_from_checkpoint': 'None', 'hub_model_id': 'None', 'hub_strategy': 'every_save', 'hub_token': '<HUB_TOKEN>', 'gradient_checkpointing': True, 'fp16_backend': 'auto', 'push_to_hub_model_id': 'None', 'push_to_hub_organization': 'None', 'push_to_hub_token': '<PUSH_TO_HUB_TOKEN>', '_n_gpu': 1, 'mp_parameters': '', 'train_batch_size': 80, 'eval_batch_size': 80}
24
- 2022-01-29 11:19:37,697 INFO MainThread:2523114 [wandb_watch.py:watch():43] Watching
 
1
+ 2022-01-29 17:08:09,029 INFO MainThread:2547831 [wandb_setup.py:_flush():71] setting env: {'project': 'xls-r-estonian'}
2
+ 2022-01-29 17:08:09,029 INFO MainThread:2547831 [wandb_setup.py:_flush():71] setting login settings: {}
3
+ 2022-01-29 17:08:09,030 INFO MainThread:2547831 [wandb_init.py:_log_setup():371] Logging user logs to /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220129_170809-3lal72pm/logs/debug.log
4
+ 2022-01-29 17:08:09,030 INFO MainThread:2547831 [wandb_init.py:_log_setup():372] Logging internal logs to /home/sagrilaft/Project/audio/xls-r-et/wandb/run-20220129_170809-3lal72pm/logs/debug-internal.log
5
+ 2022-01-29 17:08:09,031 INFO MainThread:2547831 [wandb_init.py:init():404] calling init triggers
6
+ 2022-01-29 17:08:09,031 INFO MainThread:2547831 [wandb_init.py:init():409] wandb.init called with sweep_config: {}
7
  config: {}
8
+ 2022-01-29 17:08:09,031 INFO MainThread:2547831 [wandb_init.py:init():460] starting backend
9
+ 2022-01-29 17:08:09,031 INFO MainThread:2547831 [backend.py:_multiprocessing_setup():99] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
10
+ 2022-01-29 17:08:09,069 INFO MainThread:2547831 [backend.py:ensure_launched():216] starting backend process...
11
+ 2022-01-29 17:08:09,101 INFO MainThread:2547831 [backend.py:ensure_launched():221] started backend process with pid: 2548178
12
+ 2022-01-29 17:08:09,103 INFO MainThread:2547831 [wandb_init.py:init():469] backend started and connected
13
+ 2022-01-29 17:08:09,109 INFO MainThread:2547831 [wandb_init.py:init():533] updated telemetry
14
+ 2022-01-29 17:08:09,183 INFO MainThread:2547831 [wandb_init.py:init():563] communicating current version
15
+ 2022-01-29 17:08:09,991 INFO MainThread:2547831 [wandb_init.py:init():568] got version response
16
+ 2022-01-29 17:08:09,991 INFO MainThread:2547831 [wandb_init.py:init():578] communicating run to backend with 30 second timeout
17
+ 2022-01-29 17:08:10,201 INFO MainThread:2547831 [wandb_init.py:init():606] starting run threads in backend
18
+ 2022-01-29 17:08:10,250 INFO MainThread:2547831 [wandb_run.py:_console_start():1810] atexit reg
19
+ 2022-01-29 17:08:10,251 INFO MainThread:2547831 [wandb_run.py:_redirect():1684] redirect: SettingsConsole.REDIRECT
20
+ 2022-01-29 17:08:10,252 INFO MainThread:2547831 [wandb_run.py:_redirect():1689] Redirecting console.
21
+ 2022-01-29 17:08:10,257 INFO MainThread:2547831 [wandb_run.py:_redirect():1745] Redirects installed.
22
+ 2022-01-29 17:08:10,257 INFO MainThread:2547831 [wandb_init.py:init():633] run started, returning control to user process
23
+ 2022-01-29 17:08:10,281 INFO MainThread:2547831 [wandb_run.py:_config_callback():956] config_cb None None {'return_dict': True, 'output_hidden_states': False, 'output_attentions': False, 'torchscript': False, 'torch_dtype': 'float32', 'use_bfloat16': False, 'pruned_heads': {}, 'tie_word_embeddings': True, 'is_encoder_decoder': False, 'is_decoder': False, 'cross_attention_hidden_size': None, 'add_cross_attention': False, 'tie_encoder_decoder': False, 'max_length': 20, 'min_length': 0, 'do_sample': False, 'early_stopping': False, 'num_beams': 1, 'num_beam_groups': 1, 'diversity_penalty': 0.0, 'temperature': 1.0, 'top_k': 50, 'top_p': 1.0, 'repetition_penalty': 1.0, 'length_penalty': 1.0, 'no_repeat_ngram_size': 0, 'encoder_no_repeat_ngram_size': 0, 'bad_words_ids': None, 'num_return_sequences': 1, 'chunk_size_feed_forward': 0, 'output_scores': False, 'return_dict_in_generate': False, 'forced_bos_token_id': None, 'forced_eos_token_id': None, 'remove_invalid_values': False, 'architectures': ['Wav2Vec2ForPreTraining'], 'finetuning_task': None, 'id2label': {0: 'LABEL_0', 1: 'LABEL_1'}, 'label2id': {'LABEL_0': 0, 'LABEL_1': 1}, 'tokenizer_class': None, 'prefix': None, 'bos_token_id': 1, 'pad_token_id': 36, 'eos_token_id': 2, 'sep_token_id': None, 'decoder_start_token_id': None, 'task_specific_params': None, 'problem_type': None, '_name_or_path': 'facebook/wav2vec2-xls-r-300m', 'transformers_version': '4.16.0.dev0', 'feat_extract_dropout': 0.0, 'model_type': 'wav2vec2', 'num_feat_extract_layers': 7, 'hidden_size': 1024, 'feat_extract_norm': 'layer', 'feat_extract_activation': 'gelu', 'conv_dim': [512, 512, 512, 512, 512, 512, 512], 'conv_stride': [5, 2, 2, 2, 2, 2, 2], 'conv_kernel': [10, 3, 3, 3, 3, 2, 2], 'conv_bias': True, 'num_conv_pos_embeddings': 128, 'num_conv_pos_embedding_groups': 16, 'num_hidden_layers': 24, 'intermediate_size': 4096, 'hidden_act': 'gelu', 'num_attention_heads': 16, 'hidden_dropout': 0.0, 'attention_dropout': 0.0, 'activation_dropout': 0.0, 'feat_proj_dropout': 0.1, 'final_dropout': 0.0, 'layerdrop': 0.0, 'layer_norm_eps': 1e-05, 'initializer_range': 0.02, 'vocab_size': 39, 'do_stable_layer_norm': True, 'use_weighted_layer_sum': False, 'apply_spec_augment': True, 'mask_time_prob': 0.1, 'mask_time_length': 10, 'mask_time_min_masks': 2, 'mask_feature_prob': 0.0, 'mask_feature_length': 10, 'mask_feature_min_masks': 0, 'num_codevectors_per_group': 320, 'num_codevector_groups': 2, 'contrastive_logits_temperature': 0.1, 'feat_quantizer_dropout': 0.0, 'num_negatives': 100, 'codevector_dim': 768, 'proj_codevector_dim': 768, 'diversity_loss_weight': 0.1, 'ctc_loss_reduction': 'mean', 'ctc_zero_infinity': False, 'add_adapter': False, 'adapter_kernel_size': 3, 'adapter_stride': 2, 'num_adapter_layers': 3, 'output_hidden_size': 1024, 'classifier_proj_size': 256, 'tdnn_dim': [512, 512, 512, 512, 1500], 'tdnn_kernel': [5, 3, 3, 1, 1], 'tdnn_dilation': [1, 2, 3, 1, 1], 'xvector_output_dim': 512, 'output_dir': './', 'overwrite_output_dir': True, 'do_train': True, 'do_eval': True, 'do_predict': False, 'evaluation_strategy': 'steps', 'prediction_loss_only': False, 'per_device_train_batch_size': 72, 'per_device_eval_batch_size': 72, 'per_gpu_train_batch_size': 'None', 'per_gpu_eval_batch_size': 'None', 'gradient_accumulation_steps': 1, 'eval_accumulation_steps': 'None', 'learning_rate': 0.0003, 'weight_decay': 0.0, 'adam_beta1': 0.9, 'adam_beta2': 0.999, 'adam_epsilon': 1e-08, 'max_grad_norm': 1.0, 'num_train_epochs': 100.0, 'max_steps': -1, 'lr_scheduler_type': 'cosine', 'warmup_ratio': 0.0, 'warmup_steps': 500, 'log_level': -1, 'log_level_replica': -1, 'log_on_each_node': True, 'logging_dir': './runs/Jan29_17-06-16_ganymede.eafit.edu.co', 'logging_strategy': 'steps', 'logging_first_step': False, 'logging_steps': 100, 'logging_nan_inf_filter': True, 'save_strategy': 'steps', 'save_steps': 500, 'save_total_limit': 1, 'save_on_each_node': False, 'no_cuda': False, 'seed': 42, 'bf16': False, 'fp16': True, 'fp16_opt_level': 'O1', 'half_precision_backend': 'amp', 'bf16_full_eval': False, 'fp16_full_eval': False, 'tf32': 'None', 'local_rank': -1, 'xpu_backend': 'None', 'tpu_num_cores': 'None', 'tpu_metrics_debug': False, 'debug': '[]', 'dataloader_drop_last': False, 'eval_steps': 500, 'dataloader_num_workers': 0, 'past_index': -1, 'run_name': 'cosine+drop_proj+low_specaugment-300M', 'disable_tqdm': False, 'remove_unused_columns': True, 'label_names': 'None', 'load_best_model_at_end': False, 'metric_for_best_model': 'None', 'greater_is_better': 'None', 'ignore_data_skip': False, 'sharded_ddp': '[]', 'deepspeed': 'None', 'label_smoothing_factor': 0.0, 'optim': 'adamw_hf', 'adafactor': False, 'group_by_length': True, 'length_column_name': 'input_length', 'report_to': "['wandb']", 'ddp_find_unused_parameters': 'None', 'ddp_bucket_cap_mb': 'None', 'dataloader_pin_memory': True, 'skip_memory_metrics': True, 'use_legacy_prediction_loop': False, 'push_to_hub': True, 'resume_from_checkpoint': 'None', 'hub_model_id': 'None', 'hub_strategy': 'every_save', 'hub_token': '<HUB_TOKEN>', 'gradient_checkpointing': True, 'fp16_backend': 'auto', 'push_to_hub_model_id': 'None', 'push_to_hub_organization': 'None', 'push_to_hub_token': '<PUSH_TO_HUB_TOKEN>', '_n_gpu': 1, 'mp_parameters': '', 'train_batch_size': 72, 'eval_batch_size': 72}
24
+ 2022-01-29 17:08:10,284 INFO MainThread:2547831 [wandb_watch.py:watch():43] Watching
wandb/{run-20220129_111936-33z1cg4n/run-33z1cg4n.wandb → run-20220129_170809-3lal72pm/run-3lal72pm.wandb} RENAMED
Binary files a/wandb/run-20220129_111936-33z1cg4n/run-33z1cg4n.wandb and b/wandb/run-20220129_170809-3lal72pm/run-3lal72pm.wandb differ