marinone94 commited on
Commit
5ada171
1 Parent(s): fbfdfe3

Training in progress, step 500

Browse files
.ipynb_checkpoints/all_results-checkpoint.json ADDED
@@ -0,0 +1,14 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "epoch": 50.0,
3
+ "eval_loss": 0.31790396571159363,
4
+ "eval_runtime": 136.0793,
5
+ "eval_samples": 4620,
6
+ "eval_samples_per_second": 33.951,
7
+ "eval_steps_per_second": 4.248,
8
+ "eval_wer": 0.2734810010402007,
9
+ "train_loss": 1.4555730460410894,
10
+ "train_runtime": 29339.4334,
11
+ "train_samples": 11030,
12
+ "train_samples_per_second": 18.797,
13
+ "train_steps_per_second": 0.586
14
+ }
.ipynb_checkpoints/run-checkpoint.sh CHANGED
@@ -1,6 +1,6 @@
1
  python run_speech_recognition_ctc.py \
2
  --dataset_name="mozilla-foundation/common_voice_7_0" \
3
- --model_name_or_path="facebook/wav2vec2-xls-r-300m" \
4
  --dataset_config_name="sv-SE" \
5
  --output_dir="./" \
6
  --overwrite_output_dir \
 
1
  python run_speech_recognition_ctc.py \
2
  --dataset_name="mozilla-foundation/common_voice_7_0" \
3
+ --model_name_or_path="marinone94/xls-r-300m-sv-robust" \
4
  --dataset_config_name="sv-SE" \
5
  --output_dir="./" \
6
  --overwrite_output_dir \
checkpoint-500/config.json ADDED
@@ -0,0 +1,107 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_name_or_path": "marinone94/xls-r-300m-sv-robust",
3
+ "activation_dropout": 0.1,
4
+ "adapter_kernel_size": 3,
5
+ "adapter_stride": 2,
6
+ "add_adapter": false,
7
+ "apply_spec_augment": true,
8
+ "architectures": [
9
+ "Wav2Vec2ForCTC"
10
+ ],
11
+ "attention_dropout": 0.0,
12
+ "bos_token_id": 1,
13
+ "classifier_proj_size": 256,
14
+ "codevector_dim": 768,
15
+ "contrastive_logits_temperature": 0.1,
16
+ "conv_bias": true,
17
+ "conv_dim": [
18
+ 512,
19
+ 512,
20
+ 512,
21
+ 512,
22
+ 512,
23
+ 512,
24
+ 512
25
+ ],
26
+ "conv_kernel": [
27
+ 10,
28
+ 3,
29
+ 3,
30
+ 3,
31
+ 3,
32
+ 2,
33
+ 2
34
+ ],
35
+ "conv_stride": [
36
+ 5,
37
+ 2,
38
+ 2,
39
+ 2,
40
+ 2,
41
+ 2,
42
+ 2
43
+ ],
44
+ "ctc_loss_reduction": "mean",
45
+ "ctc_zero_infinity": false,
46
+ "diversity_loss_weight": 0.1,
47
+ "do_stable_layer_norm": true,
48
+ "eos_token_id": 2,
49
+ "feat_extract_activation": "gelu",
50
+ "feat_extract_dropout": 0.0,
51
+ "feat_extract_norm": "layer",
52
+ "feat_proj_dropout": 0.0,
53
+ "feat_quantizer_dropout": 0.0,
54
+ "final_dropout": 0.0,
55
+ "hidden_act": "gelu",
56
+ "hidden_dropout": 0.0,
57
+ "hidden_size": 1024,
58
+ "initializer_range": 0.02,
59
+ "intermediate_size": 4096,
60
+ "layer_norm_eps": 1e-05,
61
+ "layerdrop": 0.0,
62
+ "mask_feature_length": 64,
63
+ "mask_feature_min_masks": 0,
64
+ "mask_feature_prob": 0.25,
65
+ "mask_time_length": 10,
66
+ "mask_time_min_masks": 2,
67
+ "mask_time_prob": 0.75,
68
+ "model_type": "wav2vec2",
69
+ "num_adapter_layers": 3,
70
+ "num_attention_heads": 16,
71
+ "num_codevector_groups": 2,
72
+ "num_codevectors_per_group": 320,
73
+ "num_conv_pos_embedding_groups": 16,
74
+ "num_conv_pos_embeddings": 128,
75
+ "num_feat_extract_layers": 7,
76
+ "num_hidden_layers": 24,
77
+ "num_negatives": 100,
78
+ "output_hidden_size": 1024,
79
+ "pad_token_id": 34,
80
+ "proj_codevector_dim": 768,
81
+ "tdnn_dilation": [
82
+ 1,
83
+ 2,
84
+ 3,
85
+ 1,
86
+ 1
87
+ ],
88
+ "tdnn_dim": [
89
+ 512,
90
+ 512,
91
+ 512,
92
+ 512,
93
+ 1500
94
+ ],
95
+ "tdnn_kernel": [
96
+ 5,
97
+ 3,
98
+ 3,
99
+ 1,
100
+ 1
101
+ ],
102
+ "torch_dtype": "float32",
103
+ "transformers_version": "4.16.0.dev0",
104
+ "use_weighted_layer_sum": false,
105
+ "vocab_size": 37,
106
+ "xvector_output_dim": 512
107
+ }
checkpoint-500/optimizer.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:11d7b3b64b03807fa1443a1bbb6c48b3760f1488bdb1c3d2a04da0de2ef280a6
3
+ size 2490362385
checkpoint-500/preprocessor_config.json ADDED
@@ -0,0 +1,9 @@
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "do_normalize": true,
3
+ "feature_extractor_type": "Wav2Vec2FeatureExtractor",
4
+ "feature_size": 1,
5
+ "padding_side": "right",
6
+ "padding_value": 0,
7
+ "return_attention_mask": true,
8
+ "sampling_rate": 16000
9
+ }
checkpoint-500/pytorch_model.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:849f22348838353270f3fea71da7123aea0c4d81f944d73fe8359395ee3e8678
3
+ size 1262075377
checkpoint-500/rng_state.pth ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:32b82ac75b07e68dc3bc90e76f55a339f64dce724d87a9ae3c69ee46df441867
3
+ size 14503
checkpoint-500/scaler.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:c42d0f35980b579693b6d665e1977f1cb989811c56ccb359dcaf6fac0e92a29d
3
+ size 559
checkpoint-500/scheduler.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:5ea5e90d46886b0a7f8061d0a93792e2f7c6219a21813faad05be67fa21d1a40
3
+ size 623
checkpoint-500/trainer_state.json ADDED
@@ -0,0 +1,55 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "best_metric": null,
3
+ "best_model_checkpoint": null,
4
+ "epoch": 1.4525018129079044,
5
+ "global_step": 500,
6
+ "is_hyper_param_search": false,
7
+ "is_local_process_zero": true,
8
+ "is_world_process_zero": true,
9
+ "log_history": [
10
+ {
11
+ "epoch": 0.29,
12
+ "learning_rate": 3.675e-06,
13
+ "loss": 1.0197,
14
+ "step": 100
15
+ },
16
+ {
17
+ "epoch": 0.58,
18
+ "learning_rate": 7.425e-06,
19
+ "loss": 1.0171,
20
+ "step": 200
21
+ },
22
+ {
23
+ "epoch": 0.87,
24
+ "learning_rate": 1.1137499999999998e-05,
25
+ "loss": 1.026,
26
+ "step": 300
27
+ },
28
+ {
29
+ "epoch": 1.16,
30
+ "learning_rate": 1.48875e-05,
31
+ "loss": 1.0383,
32
+ "step": 400
33
+ },
34
+ {
35
+ "epoch": 1.45,
36
+ "learning_rate": 1.86375e-05,
37
+ "loss": 1.0296,
38
+ "step": 500
39
+ },
40
+ {
41
+ "epoch": 1.45,
42
+ "eval_loss": 0.3191435635089874,
43
+ "eval_runtime": 138.7872,
44
+ "eval_samples_per_second": 33.288,
45
+ "eval_steps_per_second": 4.165,
46
+ "eval_wer": 0.27421526035611576,
47
+ "step": 500
48
+ }
49
+ ],
50
+ "max_steps": 17200,
51
+ "num_train_epochs": 50,
52
+ "total_flos": 1.4827194756605722e+18,
53
+ "trial_name": null,
54
+ "trial_params": null
55
+ }
checkpoint-500/training_args.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:0efc7aad7fd151e94de194f50e712cd8d3c82a2cf2ccee51d253c9130af43c3a
3
+ size 2991
config.json CHANGED
@@ -1,5 +1,5 @@
1
  {
2
- "_name_or_path": "facebook/wav2vec2-xls-r-300m",
3
  "activation_dropout": 0.1,
4
  "adapter_kernel_size": 3,
5
  "adapter_stride": 2,
 
1
  {
2
+ "_name_or_path": "marinone94/xls-r-300m-sv-robust",
3
  "activation_dropout": 0.1,
4
  "adapter_kernel_size": 3,
5
  "adapter_stride": 2,
pytorch_model.bin CHANGED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:e501ae3712d27da72be4224776458113a2e4b0d236983057ecd2414a0d777c3e
3
  size 1262075377
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:849f22348838353270f3fea71da7123aea0c4d81f944d73fe8359395ee3e8678
3
  size 1262075377
run.sh CHANGED
@@ -1,6 +1,6 @@
1
  python run_speech_recognition_ctc.py \
2
  --dataset_name="mozilla-foundation/common_voice_7_0" \
3
- --model_name_or_path="facebook/wav2vec2-xls-r-300m" \
4
  --dataset_config_name="sv-SE" \
5
  --output_dir="./" \
6
  --overwrite_output_dir \
 
1
  python run_speech_recognition_ctc.py \
2
  --dataset_name="mozilla-foundation/common_voice_7_0" \
3
+ --model_name_or_path="marinone94/xls-r-300m-sv-robust" \
4
  --dataset_config_name="sv-SE" \
5
  --output_dir="./" \
6
  --overwrite_output_dir \
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}, {"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}, {"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:5a168f126d02648193e16ba893c3e1ef9f2c2de91803928caf5e25532aff1325
3
  size 2991
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:0efc7aad7fd151e94de194f50e712cd8d3c82a2cf2ccee51d253c9130af43c3a
3
  size 2991