Commit
•
9b767e7
1
Parent(s):
0ac3870
Training in progress, step 1500
Browse files- .gitattributes +1 -0
- decoder/pytorch_model.bin +1 -1
- pytorch_model.bin +1 -1
- run_grid_search.sh +6 -6
- runs/Mar02_09-44-09_sanchit--v100/events.out.tfevents.1646214279.sanchit--v100.255863.0 +2 -2
- runs/Mar02_13-27-31_sanchit--v100/1646227683.166852/events.out.tfevents.1646227683.sanchit--v100.259517.1 +3 -0
- runs/Mar02_13-27-31_sanchit--v100/events.out.tfevents.1646227683.sanchit--v100.259517.0 +3 -0
- training_args.bin +1 -1
- wandb/debug-internal.log +1 -1
- wandb/debug.log +1 -1
- wandb/latest-run +1 -1
- wandb/run-20220302_094439-2kys49al/files/output.log +0 -0
- wandb/run-20220302_094439-2kys49al/files/wandb-summary.json +0 -0
- wandb/run-20220302_094439-2kys49al/logs/debug-internal.log +0 -0
- wandb/run-20220302_094439-2kys49al/logs/debug.log +2 -0
- wandb/run-20220302_094439-2kys49al/run-2kys49al.wandb +2 -2
- wandb/run-20220302_132803-2mcgzjjb/files/config.yaml +0 -0
- wandb/run-20220302_132803-2mcgzjjb/files/output.log +0 -0
- wandb/run-20220302_132803-2mcgzjjb/files/requirements.txt +184 -0
- wandb/run-20220302_132803-2mcgzjjb/files/wandb-metadata.json +59 -0
- wandb/run-20220302_132803-2mcgzjjb/files/wandb-summary.json +0 -0
- wandb/run-20220302_132803-2mcgzjjb/logs/debug-internal.log +0 -0
- wandb/run-20220302_132803-2mcgzjjb/logs/debug.log +27 -0
- wandb/run-20220302_132803-2mcgzjjb/run-2mcgzjjb.wandb +3 -0
.gitattributes
CHANGED
@@ -26,3 +26,4 @@ saved_model/**/* filter=lfs diff=lfs merge=lfs -text
|
|
26 |
*.zstandard filter=lfs diff=lfs merge=lfs -text
|
27 |
*tfevents* filter=lfs diff=lfs merge=lfs -text
|
28 |
wandb/run-20220302_094439-2kys49al/run-2kys49al.wandb filter=lfs diff=lfs merge=lfs -text
|
|
|
|
26 |
*.zstandard filter=lfs diff=lfs merge=lfs -text
|
27 |
*tfevents* filter=lfs diff=lfs merge=lfs -text
|
28 |
wandb/run-20220302_094439-2kys49al/run-2kys49al.wandb filter=lfs diff=lfs merge=lfs -text
|
29 |
+
wandb/run-20220302_132803-2mcgzjjb/run-2mcgzjjb.wandb filter=lfs diff=lfs merge=lfs -text
|
decoder/pytorch_model.bin
CHANGED
@@ -1,3 +1,3 @@
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
-
oid sha256:
|
3 |
size 1340854571
|
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:47efcd0ec145891755ec1e721b5bdc658db5df0a55e0c0d55a73a182609644da
|
3 |
size 1340854571
|
pytorch_model.bin
CHANGED
@@ -1,3 +1,3 @@
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
-
oid sha256:
|
3 |
size 3081656435
|
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:5a25efd71e5bb92c9ad7babace659a1cbd7fc179647f0bd54a451836f7d21cb3
|
3 |
size 3081656435
|
run_grid_search.sh
CHANGED
@@ -1,8 +1,8 @@
|
|
1 |
#!/usr/bin/env bash
|
2 |
|
3 |
declare -a learning_rates=("3e-5" "1e-4" "3e-4")
|
4 |
-
declare -a batch_sizes=("
|
5 |
-
declare -a gradient_accumulation_step_sizes=("
|
6 |
|
7 |
for learning_rate in "${learning_rates[@]}"; do
|
8 |
for batch_size in "${batch_sizes[@]}"; do
|
@@ -19,18 +19,18 @@ for learning_rate in "${learning_rates[@]}"; do
|
|
19 |
--preprocessing_num_workers="1" \
|
20 |
--length_column_name="input_length" \
|
21 |
--overwrite_output_dir \
|
22 |
-
--num_train_epochs="
|
23 |
--per_device_train_batch_size=$batch_size \
|
24 |
--per_device_eval_batch_size=$batch_size \
|
25 |
--gradient_accumulation_steps=$gradient_accumulation_steps \
|
26 |
--generation_max_length="40" \
|
27 |
--generation_num_beams="1" \
|
28 |
--learning_rate=$learning_rate \
|
29 |
-
--warmup_steps="
|
30 |
--evaluation_strategy="steps" \
|
31 |
--text_column_name="text" \
|
32 |
-
--save_steps="
|
33 |
-
--eval_steps="
|
34 |
--logging_steps="1" \
|
35 |
--save_total_limit="1" \
|
36 |
--freeze_feature_encoder \
|
|
|
1 |
#!/usr/bin/env bash
|
2 |
|
3 |
declare -a learning_rates=("3e-5" "1e-4" "3e-4")
|
4 |
+
declare -a batch_sizes=("8" "16")
|
5 |
+
declare -a gradient_accumulation_step_sizes=("4")
|
6 |
|
7 |
for learning_rate in "${learning_rates[@]}"; do
|
8 |
for batch_size in "${batch_sizes[@]}"; do
|
|
|
19 |
--preprocessing_num_workers="1" \
|
20 |
--length_column_name="input_length" \
|
21 |
--overwrite_output_dir \
|
22 |
+
--num_train_epochs="5" \
|
23 |
--per_device_train_batch_size=$batch_size \
|
24 |
--per_device_eval_batch_size=$batch_size \
|
25 |
--gradient_accumulation_steps=$gradient_accumulation_steps \
|
26 |
--generation_max_length="40" \
|
27 |
--generation_num_beams="1" \
|
28 |
--learning_rate=$learning_rate \
|
29 |
+
--warmup_steps="1000" \
|
30 |
--evaluation_strategy="steps" \
|
31 |
--text_column_name="text" \
|
32 |
+
--save_steps="1500" \
|
33 |
+
--eval_steps="1500" \
|
34 |
--logging_steps="1" \
|
35 |
--save_total_limit="1" \
|
36 |
--freeze_feature_encoder \
|
runs/Mar02_09-44-09_sanchit--v100/events.out.tfevents.1646214279.sanchit--v100.255863.0
CHANGED
@@ -1,3 +1,3 @@
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
-
oid sha256:
|
3 |
-
size
|
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:d43bc550f892143d5af9ba3a792f060cce4ee8a2a2180457ef1419481313bac6
|
3 |
+
size 481104
|
runs/Mar02_13-27-31_sanchit--v100/1646227683.166852/events.out.tfevents.1646227683.sanchit--v100.259517.1
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:27cdd6f9f65075a66b8ebeebc9e8f45e3b007ffc3d985226e417c20cb4692d65
|
3 |
+
size 4973
|
runs/Mar02_13-27-31_sanchit--v100/events.out.tfevents.1646227683.sanchit--v100.259517.0
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:641d8c87c3ce90d07a8db930d0afd737b3aee90904f67fbdbc40170f92e3e026
|
3 |
+
size 244335
|
training_args.bin
CHANGED
@@ -1,3 +1,3 @@
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
-
oid sha256:
|
3 |
size 3119
|
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:95a06f533e3af070cb4bd78b49ea11e1557e7349799ebf300040216ef7a4784a
|
3 |
size 3119
|
wandb/debug-internal.log
CHANGED
@@ -1 +1 @@
|
|
1 |
-
run-
|
|
|
1 |
+
run-20220302_132803-2mcgzjjb/logs/debug-internal.log
|
wandb/debug.log
CHANGED
@@ -1 +1 @@
|
|
1 |
-
run-
|
|
|
1 |
+
run-20220302_132803-2mcgzjjb/logs/debug.log
|
wandb/latest-run
CHANGED
@@ -1 +1 @@
|
|
1 |
-
run-
|
|
|
1 |
+
run-20220302_132803-2mcgzjjb
|
wandb/run-20220302_094439-2kys49al/files/output.log
CHANGED
The diff for this file is too large to render.
See raw diff
|
|
wandb/run-20220302_094439-2kys49al/files/wandb-summary.json
CHANGED
The diff for this file is too large to render.
See raw diff
|
|
wandb/run-20220302_094439-2kys49al/logs/debug-internal.log
CHANGED
The diff for this file is too large to render.
See raw diff
|
|
wandb/run-20220302_094439-2kys49al/logs/debug.log
CHANGED
@@ -25,3 +25,5 @@ config: {}
|
|
25 |
2022-03-02 09:44:40,908 INFO MainThread:255863 [wandb_init.py:init():651] run started, returning control to user process
|
26 |
2022-03-02 09:44:40,911 INFO MainThread:255863 [wandb_run.py:_config_callback():966] config_cb None None {'return_dict': True, 'output_hidden_states': False, 'output_attentions': False, 'torchscript': False, 'torch_dtype': 'torch.float32', 'use_bfloat16': False, 'pruned_heads': {}, 'tie_word_embeddings': False, 'is_encoder_decoder': True, 'is_decoder': False, 'cross_attention_hidden_size': None, 'add_cross_attention': False, 'tie_encoder_decoder': False, 'max_length': 50, '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': ['SpeechEncoderDecoderModel'], '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': None, 'pad_token_id': 0, 'eos_token_id': 102, 'sep_token_id': None, 'decoder_start_token_id': 101, 'task_specific_params': None, 'problem_type': None, '_name_or_path': './', 'transformers_version': None, 'decoder': {'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': True, 'cross_attention_hidden_size': None, 'add_cross_attention': True, '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': ['BertLMHeadModel'], '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': None, 'pad_token_id': 0, 'eos_token_id': None, 'sep_token_id': None, 'decoder_start_token_id': None, 'task_specific_params': None, 'problem_type': None, '_name_or_path': 'decoder', 'transformers_version': '4.17.0.dev0', 'gradient_checkpointing': False, 'vocab_size': 30522, 'hidden_size': 1024, 'num_hidden_layers': 24, 'num_attention_heads': 16, 'hidden_act': 'gelu', 'intermediate_size': 4096, 'hidden_dropout_prob': 0.1, 'attention_probs_dropout_prob': 0.0, 'max_position_embeddings': 512, 'type_vocab_size': 2, 'initializer_range': 0.02, 'layer_norm_eps': 1e-12, 'position_embedding_type': 'absolute', 'use_cache': False, 'classifier_dropout': None, 'model_type': 'bert'}, 'encoder': {'return_dict': True, 'output_hidden_states': False, 'output_attentions': False, 'torchscript': False, 'torch_dtype': None, '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': 0, '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-large-lv60', 'transformers_version': '4.17.0.dev0', 'feat_extract_dropout': 0.0, 'gradient_checkpointing': False, 'hidden_dropout_prob': 0.0, '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.0, 'final_dropout': 0.0, 'layerdrop': 0.0, 'layer_norm_eps': 1e-05, 'initializer_range': 0.02, 'vocab_size': 32, 'do_stable_layer_norm': True, 'use_weighted_layer_sum': False, 'apply_spec_augment': False, 'mask_time_prob': 0.0, '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': 'sum', 'ctc_zero_infinity': False, 'add_adapter': True, '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, 'model_type': 'wav2vec2'}, 'model_type': 'speech-encoder-decoder', 'processor_class': 'Wav2Vec2Processor', 'use_cache': False, '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': 4, 'per_device_eval_batch_size': 4, 'per_gpu_train_batch_size': 'None', 'per_gpu_eval_batch_size': 'None', 'gradient_accumulation_steps': 2, 'eval_accumulation_steps': 'None', 'learning_rate': 3e-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': 3.0, 'max_steps': -1, 'lr_scheduler_type': 'linear', 'warmup_ratio': 0.0, 'warmup_steps': 500, 'log_level': -1, 'log_level_replica': -1, 'log_on_each_node': True, 'logging_dir': './runs/Mar02_09-44-09_sanchit--v100', 'logging_strategy': 'steps', 'logging_first_step': False, 'logging_steps': 1, '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': './', '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': "['tensorboard', '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': '', 'sortish_sampler': False, 'predict_with_generate': True, 'generation_max_length': 40, 'generation_num_beams': 1, 'train_batch_size': 4, 'eval_batch_size': 4}
|
27 |
2022-03-02 09:44:40,914 INFO MainThread:255863 [wandb_watch.py:watch():43] Watching
|
|
|
|
|
|
25 |
2022-03-02 09:44:40,908 INFO MainThread:255863 [wandb_init.py:init():651] run started, returning control to user process
|
26 |
2022-03-02 09:44:40,911 INFO MainThread:255863 [wandb_run.py:_config_callback():966] config_cb None None {'return_dict': True, 'output_hidden_states': False, 'output_attentions': False, 'torchscript': False, 'torch_dtype': 'torch.float32', 'use_bfloat16': False, 'pruned_heads': {}, 'tie_word_embeddings': False, 'is_encoder_decoder': True, 'is_decoder': False, 'cross_attention_hidden_size': None, 'add_cross_attention': False, 'tie_encoder_decoder': False, 'max_length': 50, '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': ['SpeechEncoderDecoderModel'], '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': None, 'pad_token_id': 0, 'eos_token_id': 102, 'sep_token_id': None, 'decoder_start_token_id': 101, 'task_specific_params': None, 'problem_type': None, '_name_or_path': './', 'transformers_version': None, 'decoder': {'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': True, 'cross_attention_hidden_size': None, 'add_cross_attention': True, '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': ['BertLMHeadModel'], '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': None, 'pad_token_id': 0, 'eos_token_id': None, 'sep_token_id': None, 'decoder_start_token_id': None, 'task_specific_params': None, 'problem_type': None, '_name_or_path': 'decoder', 'transformers_version': '4.17.0.dev0', 'gradient_checkpointing': False, 'vocab_size': 30522, 'hidden_size': 1024, 'num_hidden_layers': 24, 'num_attention_heads': 16, 'hidden_act': 'gelu', 'intermediate_size': 4096, 'hidden_dropout_prob': 0.1, 'attention_probs_dropout_prob': 0.0, 'max_position_embeddings': 512, 'type_vocab_size': 2, 'initializer_range': 0.02, 'layer_norm_eps': 1e-12, 'position_embedding_type': 'absolute', 'use_cache': False, 'classifier_dropout': None, 'model_type': 'bert'}, 'encoder': {'return_dict': True, 'output_hidden_states': False, 'output_attentions': False, 'torchscript': False, 'torch_dtype': None, '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': 0, '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-large-lv60', 'transformers_version': '4.17.0.dev0', 'feat_extract_dropout': 0.0, 'gradient_checkpointing': False, 'hidden_dropout_prob': 0.0, '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.0, 'final_dropout': 0.0, 'layerdrop': 0.0, 'layer_norm_eps': 1e-05, 'initializer_range': 0.02, 'vocab_size': 32, 'do_stable_layer_norm': True, 'use_weighted_layer_sum': False, 'apply_spec_augment': False, 'mask_time_prob': 0.0, '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': 'sum', 'ctc_zero_infinity': False, 'add_adapter': True, '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, 'model_type': 'wav2vec2'}, 'model_type': 'speech-encoder-decoder', 'processor_class': 'Wav2Vec2Processor', 'use_cache': False, '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': 4, 'per_device_eval_batch_size': 4, 'per_gpu_train_batch_size': 'None', 'per_gpu_eval_batch_size': 'None', 'gradient_accumulation_steps': 2, 'eval_accumulation_steps': 'None', 'learning_rate': 3e-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': 3.0, 'max_steps': -1, 'lr_scheduler_type': 'linear', 'warmup_ratio': 0.0, 'warmup_steps': 500, 'log_level': -1, 'log_level_replica': -1, 'log_on_each_node': True, 'logging_dir': './runs/Mar02_09-44-09_sanchit--v100', 'logging_strategy': 'steps', 'logging_first_step': False, 'logging_steps': 1, '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': './', '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': "['tensorboard', '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': '', 'sortish_sampler': False, 'predict_with_generate': True, 'generation_max_length': 40, 'generation_num_beams': 1, 'train_batch_size': 4, 'eval_batch_size': 4}
|
27 |
2022-03-02 09:44:40,914 INFO MainThread:255863 [wandb_watch.py:watch():43] Watching
|
28 |
+
2022-03-02 13:25:22,837 INFO MainThread:255863 [wandb_run.py:_atexit_cleanup():1797] got exitcode: 255
|
29 |
+
2022-03-02 13:25:22,838 INFO MainThread:255863 [wandb_run.py:_restore():1769] restore
|
wandb/run-20220302_094439-2kys49al/run-2kys49al.wandb
CHANGED
@@ -1,3 +1,3 @@
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
-
oid sha256:
|
3 |
-
size
|
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:d7080fb1104adb5938a66488d7935537548fc8c360d8c70dfc84fee4466397de
|
3 |
+
size 107195175
|
wandb/run-20220302_132803-2mcgzjjb/files/config.yaml
ADDED
The diff for this file is too large to render.
See raw diff
|
|
wandb/run-20220302_132803-2mcgzjjb/files/output.log
ADDED
The diff for this file is too large to render.
See raw diff
|
|
wandb/run-20220302_132803-2mcgzjjb/files/requirements.txt
ADDED
@@ -0,0 +1,184 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
absl-py==1.0.0
|
2 |
+
aiohttp==3.8.1
|
3 |
+
aiosignal==1.2.0
|
4 |
+
anyio==3.5.0
|
5 |
+
appdirs==1.4.4
|
6 |
+
argon2-cffi-bindings==21.2.0
|
7 |
+
argon2-cffi==21.3.0
|
8 |
+
asttokens==2.0.5
|
9 |
+
async-timeout==4.0.2
|
10 |
+
attrs==21.4.0
|
11 |
+
audioread==2.1.9
|
12 |
+
babel==2.9.1
|
13 |
+
backcall==0.2.0
|
14 |
+
bitsandbytes-cuda113==0.26.0
|
15 |
+
black==22.1.0
|
16 |
+
bleach==4.1.0
|
17 |
+
cachetools==5.0.0
|
18 |
+
certifi==2021.10.8
|
19 |
+
cffi==1.15.0
|
20 |
+
charset-normalizer==2.0.11
|
21 |
+
chex==0.1.0
|
22 |
+
click==8.0.3
|
23 |
+
clldutils==3.10.1
|
24 |
+
colorlog==6.6.0
|
25 |
+
csvw==1.11.0
|
26 |
+
cycler==0.11.0
|
27 |
+
datasets==1.18.3
|
28 |
+
debugpy==1.5.1
|
29 |
+
decorator==5.1.1
|
30 |
+
defusedxml==0.7.1
|
31 |
+
dill==0.3.4
|
32 |
+
dlinfo==1.2.1
|
33 |
+
dm-tree==0.1.6
|
34 |
+
docker-pycreds==0.4.0
|
35 |
+
entrypoints==0.4
|
36 |
+
executing==0.8.2
|
37 |
+
filelock==3.4.2
|
38 |
+
flatbuffers==2.0
|
39 |
+
flax==0.4.0
|
40 |
+
fonttools==4.29.1
|
41 |
+
frozenlist==1.3.0
|
42 |
+
fsspec==2022.1.0
|
43 |
+
gitdb==4.0.9
|
44 |
+
gitpython==3.1.27
|
45 |
+
google-auth-oauthlib==0.4.6
|
46 |
+
google-auth==2.6.0
|
47 |
+
grpcio==1.43.0
|
48 |
+
huggingface-hub==0.4.0
|
49 |
+
hypothesis==6.36.1
|
50 |
+
idna==3.3
|
51 |
+
importlib-metadata==4.10.1
|
52 |
+
ipykernel==6.8.0
|
53 |
+
ipython-genutils==0.2.0
|
54 |
+
ipython==8.0.1
|
55 |
+
ipywidgets==7.6.5
|
56 |
+
isodate==0.6.1
|
57 |
+
jax==0.2.28
|
58 |
+
jaxlib==0.1.76+cuda11.cudnn82
|
59 |
+
jedi==0.18.1
|
60 |
+
jinja2==3.0.3
|
61 |
+
jiwer==2.3.0
|
62 |
+
joblib==1.1.0
|
63 |
+
json5==0.9.6
|
64 |
+
jsonschema==4.4.0
|
65 |
+
jupyter-client==7.1.2
|
66 |
+
jupyter-console==6.4.0
|
67 |
+
jupyter-core==4.9.1
|
68 |
+
jupyter-server==1.13.5
|
69 |
+
jupyter==1.0.0
|
70 |
+
jupyterlab-pygments==0.1.2
|
71 |
+
jupyterlab-server==2.10.3
|
72 |
+
jupyterlab-widgets==1.0.2
|
73 |
+
jupyterlab==3.2.9
|
74 |
+
kiwisolver==1.3.2
|
75 |
+
librosa==0.8.1
|
76 |
+
llvmlite==0.38.0
|
77 |
+
markdown==3.3.6
|
78 |
+
markupsafe==2.0.1
|
79 |
+
matplotlib-inline==0.1.3
|
80 |
+
matplotlib==3.5.1
|
81 |
+
mistune==0.8.4
|
82 |
+
msgpack==1.0.3
|
83 |
+
multidict==6.0.2
|
84 |
+
multiprocess==0.70.12.2
|
85 |
+
mypy-extensions==0.4.3
|
86 |
+
nbclassic==0.3.5
|
87 |
+
nbclient==0.5.10
|
88 |
+
nbconvert==6.4.1
|
89 |
+
nbformat==5.1.3
|
90 |
+
nest-asyncio==1.5.4
|
91 |
+
notebook==6.4.8
|
92 |
+
numba==0.55.1
|
93 |
+
numpy==1.21.5
|
94 |
+
oauthlib==3.2.0
|
95 |
+
opt-einsum==3.3.0
|
96 |
+
optax==0.1.0
|
97 |
+
packaging==21.3
|
98 |
+
pandas==1.4.0
|
99 |
+
pandocfilters==1.5.0
|
100 |
+
parso==0.8.3
|
101 |
+
pathspec==0.9.0
|
102 |
+
pathtools==0.1.2
|
103 |
+
pexpect==4.8.0
|
104 |
+
phonemizer==3.0.1
|
105 |
+
pickleshare==0.7.5
|
106 |
+
pillow==9.0.0
|
107 |
+
pip==22.0.2
|
108 |
+
pkg-resources==0.0.0
|
109 |
+
platformdirs==2.4.1
|
110 |
+
pooch==1.6.0
|
111 |
+
prometheus-client==0.13.1
|
112 |
+
promise==2.3
|
113 |
+
prompt-toolkit==3.0.26
|
114 |
+
protobuf==3.19.4
|
115 |
+
psutil==5.9.0
|
116 |
+
ptyprocess==0.7.0
|
117 |
+
pure-eval==0.2.2
|
118 |
+
pyarrow==6.0.1
|
119 |
+
pyasn1-modules==0.2.8
|
120 |
+
pyasn1==0.4.8
|
121 |
+
pycparser==2.21
|
122 |
+
pyctcdecode==0.3.0
|
123 |
+
pygments==2.11.2
|
124 |
+
pygtrie==2.4.2
|
125 |
+
pyparsing==3.0.7
|
126 |
+
pyrsistent==0.18.1
|
127 |
+
python-dateutil==2.8.2
|
128 |
+
python-levenshtein==0.12.2
|
129 |
+
pytz==2021.3
|
130 |
+
pyyaml==6.0
|
131 |
+
pyzmq==22.3.0
|
132 |
+
qtconsole==5.2.2
|
133 |
+
qtpy==2.0.1
|
134 |
+
regex==2022.1.18
|
135 |
+
requests-oauthlib==1.3.1
|
136 |
+
requests==2.27.1
|
137 |
+
resampy==0.2.2
|
138 |
+
rfc3986==2.0.0
|
139 |
+
rsa==4.8
|
140 |
+
sacremoses==0.0.47
|
141 |
+
scikit-learn==1.0.2
|
142 |
+
scipy==1.7.3
|
143 |
+
segments==2.2.0
|
144 |
+
send2trash==1.8.0
|
145 |
+
sentry-sdk==1.5.6
|
146 |
+
setuptools==44.1.1
|
147 |
+
shortuuid==1.0.8
|
148 |
+
six==1.16.0
|
149 |
+
smmap==5.0.0
|
150 |
+
sniffio==1.2.0
|
151 |
+
sortedcontainers==2.4.0
|
152 |
+
soundfile==0.10.3.post1
|
153 |
+
stack-data==0.1.4
|
154 |
+
tabulate==0.8.9
|
155 |
+
tensorboard-data-server==0.6.1
|
156 |
+
tensorboard-plugin-wit==1.8.1
|
157 |
+
tensorboard==2.8.0
|
158 |
+
termcolor==1.1.0
|
159 |
+
terminado==0.13.1
|
160 |
+
testpath==0.5.0
|
161 |
+
threadpoolctl==3.1.0
|
162 |
+
tokenizers==0.11.4
|
163 |
+
tomli==2.0.0
|
164 |
+
toolz==0.11.2
|
165 |
+
torch==1.10.2+cu113
|
166 |
+
torchaudio==0.10.2+cu113
|
167 |
+
tornado==6.1
|
168 |
+
tqdm==4.62.3
|
169 |
+
traitlets==5.1.1
|
170 |
+
transformers==4.17.0.dev0
|
171 |
+
typing-extensions==3.10.0.2
|
172 |
+
uritemplate==4.1.1
|
173 |
+
urllib3==1.26.8
|
174 |
+
wandb==0.12.10
|
175 |
+
wcwidth==0.2.5
|
176 |
+
webencodings==0.5.1
|
177 |
+
websocket-client==1.2.3
|
178 |
+
werkzeug==2.0.2
|
179 |
+
wheel==0.37.1
|
180 |
+
widgetsnbextension==3.5.2
|
181 |
+
xxhash==2.0.2
|
182 |
+
yarl==1.7.2
|
183 |
+
yaspin==2.1.0
|
184 |
+
zipp==3.7.0
|
wandb/run-20220302_132803-2mcgzjjb/files/wandb-metadata.json
ADDED
@@ -0,0 +1,59 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"os": "Linux-5.11.0-1028-gcp-x86_64-with-glibc2.33",
|
3 |
+
"python": "3.9.5",
|
4 |
+
"heartbeatAt": "2022-03-02T13:28:04.595912",
|
5 |
+
"startedAt": "2022-03-02T13:28:03.493303",
|
6 |
+
"docker": null,
|
7 |
+
"gpu": "Tesla V100-SXM2-16GB",
|
8 |
+
"gpu_count": 2,
|
9 |
+
"cpu_count": 16,
|
10 |
+
"cuda": null,
|
11 |
+
"args": [
|
12 |
+
"--dataset_name=librispeech_asr",
|
13 |
+
"--model_name_or_path=./",
|
14 |
+
"--tokenizer_name=./",
|
15 |
+
"--dataset_config_name=clean",
|
16 |
+
"--train_split_name=train.100",
|
17 |
+
"--eval_split_name=validation",
|
18 |
+
"--output_dir=./",
|
19 |
+
"--preprocessing_num_workers=1",
|
20 |
+
"--length_column_name=input_length",
|
21 |
+
"--overwrite_output_dir",
|
22 |
+
"--num_train_epochs=5",
|
23 |
+
"--per_device_train_batch_size=8",
|
24 |
+
"--per_device_eval_batch_size=8",
|
25 |
+
"--gradient_accumulation_steps=4",
|
26 |
+
"--generation_max_length=40",
|
27 |
+
"--generation_num_beams=1",
|
28 |
+
"--learning_rate=3e-5",
|
29 |
+
"--warmup_steps=1000",
|
30 |
+
"--evaluation_strategy=steps",
|
31 |
+
"--text_column_name=text",
|
32 |
+
"--save_steps=1500",
|
33 |
+
"--eval_steps=1500",
|
34 |
+
"--logging_steps=1",
|
35 |
+
"--save_total_limit=1",
|
36 |
+
"--freeze_feature_encoder",
|
37 |
+
"--gradient_checkpointing",
|
38 |
+
"--fp16",
|
39 |
+
"--group_by_length",
|
40 |
+
"--predict_with_generate",
|
41 |
+
"--do_lower_case",
|
42 |
+
"--do_train",
|
43 |
+
"--do_eval",
|
44 |
+
"--push_to_hub",
|
45 |
+
"--use_auth_token"
|
46 |
+
],
|
47 |
+
"state": "running",
|
48 |
+
"program": "/home/sanchit_huggingface_co/wav2vec2-2-rnd-grid-search/run_speech_recognition_seq2seq.py",
|
49 |
+
"codePath": "run_speech_recognition_seq2seq.py",
|
50 |
+
"git": {
|
51 |
+
"remote": "https://huggingface.co/sanchit-gandhi/wav2vec2-2-rnd-grid-search",
|
52 |
+
"commit": "0ac38708e2ab8ac619928d0922b314cfdb409f4c"
|
53 |
+
},
|
54 |
+
"email": "sanchit@huggingface.co",
|
55 |
+
"root": "/home/sanchit_huggingface_co/wav2vec2-2-rnd-grid-search",
|
56 |
+
"host": "sanchit--v100",
|
57 |
+
"username": "sanchit_huggingface_co",
|
58 |
+
"executable": "/home/sanchit_huggingface_co/gcp/bin/python"
|
59 |
+
}
|
wandb/run-20220302_132803-2mcgzjjb/files/wandb-summary.json
ADDED
The diff for this file is too large to render.
See raw diff
|
|
wandb/run-20220302_132803-2mcgzjjb/logs/debug-internal.log
ADDED
The diff for this file is too large to render.
See raw diff
|
|
wandb/run-20220302_132803-2mcgzjjb/logs/debug.log
ADDED
@@ -0,0 +1,27 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
2022-03-02 13:28:03,495 INFO MainThread:259517 [wandb_setup.py:_flush():75] Loading settings from /home/sanchit_huggingface_co/.config/wandb/settings
|
2 |
+
2022-03-02 13:28:03,495 INFO MainThread:259517 [wandb_setup.py:_flush():75] Loading settings from /home/sanchit_huggingface_co/wav2vec2-2-rnd-grid-search/wandb/settings
|
3 |
+
2022-03-02 13:28:03,495 INFO MainThread:259517 [wandb_setup.py:_flush():75] Loading settings from environment variables: {}
|
4 |
+
2022-03-02 13:28:03,495 INFO MainThread:259517 [wandb_setup.py:_flush():75] Inferring run settings from compute environment: {'program_relpath': 'run_speech_recognition_seq2seq.py', 'program': '/home/sanchit_huggingface_co/wav2vec2-2-rnd-grid-search/run_speech_recognition_seq2seq.py'}
|
5 |
+
2022-03-02 13:28:03,495 INFO MainThread:259517 [wandb_init.py:_log_setup():386] Logging user logs to /home/sanchit_huggingface_co/wav2vec2-2-rnd-grid-search/wandb/run-20220302_132803-2mcgzjjb/logs/debug.log
|
6 |
+
2022-03-02 13:28:03,495 INFO MainThread:259517 [wandb_init.py:_log_setup():387] Logging internal logs to /home/sanchit_huggingface_co/wav2vec2-2-rnd-grid-search/wandb/run-20220302_132803-2mcgzjjb/logs/debug-internal.log
|
7 |
+
2022-03-02 13:28:03,495 INFO MainThread:259517 [wandb_init.py:init():420] calling init triggers
|
8 |
+
2022-03-02 13:28:03,495 INFO MainThread:259517 [wandb_init.py:init():425] wandb.init called with sweep_config: {}
|
9 |
+
config: {}
|
10 |
+
2022-03-02 13:28:03,495 INFO MainThread:259517 [wandb_init.py:init():471] starting backend
|
11 |
+
2022-03-02 13:28:03,495 INFO MainThread:259517 [backend.py:_multiprocessing_setup():99] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
|
12 |
+
2022-03-02 13:28:03,547 INFO MainThread:259517 [backend.py:ensure_launched():219] starting backend process...
|
13 |
+
2022-03-02 13:28:03,597 INFO MainThread:259517 [backend.py:ensure_launched():224] started backend process with pid: 259650
|
14 |
+
2022-03-02 13:28:03,599 INFO MainThread:259517 [wandb_init.py:init():480] backend started and connected
|
15 |
+
2022-03-02 13:28:03,608 INFO MainThread:259517 [wandb_init.py:init():550] updated telemetry
|
16 |
+
2022-03-02 13:28:03,723 INFO MainThread:259517 [wandb_init.py:init():581] communicating current version
|
17 |
+
2022-03-02 13:28:04,483 INFO MainThread:259517 [wandb_init.py:init():586] got version response upgrade_message: "wandb version 0.12.11 is available! To upgrade, please run:\n $ pip install wandb --upgrade"
|
18 |
+
|
19 |
+
2022-03-02 13:28:04,483 INFO MainThread:259517 [wandb_init.py:init():596] communicating run to backend with 30 second timeout
|
20 |
+
2022-03-02 13:28:04,589 INFO MainThread:259517 [wandb_init.py:init():624] starting run threads in backend
|
21 |
+
2022-03-02 13:28:04,707 INFO MainThread:259517 [wandb_run.py:_console_start():1827] atexit reg
|
22 |
+
2022-03-02 13:28:04,707 INFO MainThread:259517 [wandb_run.py:_redirect():1701] redirect: SettingsConsole.REDIRECT
|
23 |
+
2022-03-02 13:28:04,708 INFO MainThread:259517 [wandb_run.py:_redirect():1706] Redirecting console.
|
24 |
+
2022-03-02 13:28:04,709 INFO MainThread:259517 [wandb_run.py:_redirect():1762] Redirects installed.
|
25 |
+
2022-03-02 13:28:04,709 INFO MainThread:259517 [wandb_init.py:init():651] run started, returning control to user process
|
26 |
+
2022-03-02 13:28:04,712 INFO MainThread:259517 [wandb_run.py:_config_callback():966] config_cb None None {'return_dict': True, 'output_hidden_states': False, 'output_attentions': False, 'torchscript': False, 'torch_dtype': 'torch.float32', 'use_bfloat16': False, 'pruned_heads': {}, 'tie_word_embeddings': False, 'is_encoder_decoder': True, 'is_decoder': False, 'cross_attention_hidden_size': None, 'add_cross_attention': False, 'tie_encoder_decoder': False, 'max_length': 50, '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': ['SpeechEncoderDecoderModel'], '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': None, 'pad_token_id': 0, 'eos_token_id': 102, 'sep_token_id': None, 'decoder_start_token_id': 101, 'task_specific_params': None, 'problem_type': None, '_name_or_path': './', 'transformers_version': None, 'decoder': {'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': True, 'cross_attention_hidden_size': None, 'add_cross_attention': True, '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': ['BertLMHeadModel'], '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': None, 'pad_token_id': 0, 'eos_token_id': None, 'sep_token_id': None, 'decoder_start_token_id': None, 'task_specific_params': None, 'problem_type': None, '_name_or_path': 'decoder', 'transformers_version': '4.17.0.dev0', 'gradient_checkpointing': False, 'vocab_size': 30522, 'hidden_size': 1024, 'num_hidden_layers': 24, 'num_attention_heads': 16, 'hidden_act': 'gelu', 'intermediate_size': 4096, 'hidden_dropout_prob': 0.1, 'attention_probs_dropout_prob': 0.0, 'max_position_embeddings': 512, 'type_vocab_size': 2, 'initializer_range': 0.02, 'layer_norm_eps': 1e-12, 'position_embedding_type': 'absolute', 'use_cache': False, 'classifier_dropout': None, 'model_type': 'bert'}, 'encoder': {'return_dict': True, 'output_hidden_states': False, 'output_attentions': False, 'torchscript': False, 'torch_dtype': None, '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': 0, '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-large-lv60', 'transformers_version': '4.17.0.dev0', 'feat_extract_dropout': 0.0, 'gradient_checkpointing': False, 'hidden_dropout_prob': 0.0, '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.0, 'final_dropout': 0.0, 'layerdrop': 0.0, 'layer_norm_eps': 1e-05, 'initializer_range': 0.02, 'vocab_size': 32, 'do_stable_layer_norm': True, 'use_weighted_layer_sum': False, 'apply_spec_augment': False, 'mask_time_prob': 0.0, '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': 'sum', 'ctc_zero_infinity': False, 'add_adapter': True, '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, 'model_type': 'wav2vec2'}, 'model_type': 'speech-encoder-decoder', 'processor_class': 'Wav2Vec2Processor', 'use_cache': False, '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': 8, 'per_device_eval_batch_size': 8, 'per_gpu_train_batch_size': 'None', 'per_gpu_eval_batch_size': 'None', 'gradient_accumulation_steps': 4, 'eval_accumulation_steps': 'None', 'learning_rate': 3e-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': 5.0, 'max_steps': -1, 'lr_scheduler_type': 'linear', 'warmup_ratio': 0.0, 'warmup_steps': 1000, 'log_level': -1, 'log_level_replica': -1, 'log_on_each_node': True, 'logging_dir': './runs/Mar02_13-27-31_sanchit--v100', 'logging_strategy': 'steps', 'logging_first_step': False, 'logging_steps': 1, 'logging_nan_inf_filter': True, 'save_strategy': 'steps', 'save_steps': 1500, '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': 1500, 'dataloader_num_workers': 0, 'past_index': -1, 'run_name': './', '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': "['tensorboard', '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': '', 'sortish_sampler': False, 'predict_with_generate': True, 'generation_max_length': 40, 'generation_num_beams': 1, 'train_batch_size': 8, 'eval_batch_size': 8}
|
27 |
+
2022-03-02 13:28:04,715 INFO MainThread:259517 [wandb_watch.py:watch():43] Watching
|
wandb/run-20220302_132803-2mcgzjjb/run-2mcgzjjb.wandb
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:05a95005fed6b9183232d517c11f865b72889cca4448c7b1c3a53c1aa7d8675c
|
3 |
+
size 108948108
|