jialicheng commited on
Commit
2af1cff
1 Parent(s): 43cbd96

Upload folder using huggingface_hub

Browse files
README.md ADDED
@@ -0,0 +1,86 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ license: apache-2.0
3
+ base_model: facebook/wav2vec2-large
4
+ tags:
5
+ - audio-classification
6
+ - generated_from_trainer
7
+ datasets:
8
+ - superb
9
+ metrics:
10
+ - accuracy
11
+ model-index:
12
+ - name: superb_ks_42
13
+ results:
14
+ - task:
15
+ name: Audio Classification
16
+ type: audio-classification
17
+ dataset:
18
+ name: superb
19
+ type: superb
20
+ config: ks
21
+ split: validation
22
+ args: ks
23
+ metrics:
24
+ - name: Accuracy
25
+ type: accuracy
26
+ value: 0.9839658723153869
27
+ ---
28
+
29
+ <!-- This model card has been generated automatically according to the information the Trainer had access to. You
30
+ should probably proofread and complete it, then remove this comment. -->
31
+
32
+ # superb_ks_42
33
+
34
+ This model is a fine-tuned version of [facebook/wav2vec2-large](https://huggingface.co/facebook/wav2vec2-large) on the superb dataset.
35
+ It achieves the following results on the evaluation set:
36
+ - Loss: 0.0856
37
+ - Accuracy: 0.9840
38
+
39
+ ## Model description
40
+
41
+ More information needed
42
+
43
+ ## Intended uses & limitations
44
+
45
+ More information needed
46
+
47
+ ## Training and evaluation data
48
+
49
+ More information needed
50
+
51
+ ## Training procedure
52
+
53
+ ### Training hyperparameters
54
+
55
+ The following hyperparameters were used during training:
56
+ - learning_rate: 5e-05
57
+ - train_batch_size: 32
58
+ - eval_batch_size: 4
59
+ - seed: 42
60
+ - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
61
+ - lr_scheduler_type: linear
62
+ - lr_scheduler_warmup_ratio: 0.1
63
+ - num_epochs: 10
64
+
65
+ ### Training results
66
+
67
+ | Training Loss | Epoch | Step | Validation Loss | Accuracy |
68
+ |:-------------:|:-----:|:-----:|:---------------:|:--------:|
69
+ | 1.0646 | 1.0 | 1597 | 0.1839 | 0.9625 |
70
+ | 0.3751 | 2.0 | 3194 | 0.1954 | 0.9647 |
71
+ | 0.3156 | 3.0 | 4791 | 0.1335 | 0.9744 |
72
+ | 0.257 | 4.0 | 6388 | 0.1062 | 0.9796 |
73
+ | 0.2386 | 5.0 | 7985 | 0.1029 | 0.9801 |
74
+ | 0.2085 | 6.0 | 9582 | 0.1002 | 0.9815 |
75
+ | 0.1715 | 7.0 | 11179 | 0.1031 | 0.9818 |
76
+ | 0.1575 | 8.0 | 12776 | 0.0938 | 0.9819 |
77
+ | 0.1332 | 9.0 | 14373 | 0.0896 | 0.9831 |
78
+ | 0.1288 | 10.0 | 15970 | 0.0856 | 0.9840 |
79
+
80
+
81
+ ### Framework versions
82
+
83
+ - Transformers 4.40.1
84
+ - Pytorch 2.3.0+cu121
85
+ - Datasets 2.19.0
86
+ - Tokenizers 0.19.1
all_results.json ADDED
@@ -0,0 +1,19 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "epoch": 10.0,
3
+ "eval_accuracy": 0.9839658723153869,
4
+ "eval_loss": 0.08564967662096024,
5
+ "eval_runtime": 13.7712,
6
+ "eval_samples_per_second": 493.639,
7
+ "eval_steps_per_second": 1.961,
8
+ "test_accuracy": 0.8941901979876663,
9
+ "test_loss": 0.5584208965301514,
10
+ "test_runtime": 7.2376,
11
+ "test_samples_per_second": 425.691,
12
+ "test_steps_per_second": 1.796,
13
+ "total_flos": 1.548488981447424e+19,
14
+ "train_accuracy": 0.991779856734646,
15
+ "train_loss": 0.03589404374361038,
16
+ "train_runtime": 279.3635,
17
+ "train_samples_per_second": 182.894,
18
+ "train_steps_per_second": 45.725
19
+ }
config.json ADDED
@@ -0,0 +1,139 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_name_or_path": "facebook/wav2vec2-large",
3
+ "activation_dropout": 0.1,
4
+ "adapter_attn_dim": null,
5
+ "adapter_kernel_size": 3,
6
+ "adapter_stride": 2,
7
+ "add_adapter": false,
8
+ "apply_spec_augment": true,
9
+ "architectures": [
10
+ "Wav2Vec2ForSequenceClassification"
11
+ ],
12
+ "attention_dropout": 0.1,
13
+ "bos_token_id": 1,
14
+ "classifier_proj_size": 256,
15
+ "codevector_dim": 768,
16
+ "contrastive_logits_temperature": 0.1,
17
+ "conv_bias": false,
18
+ "conv_dim": [
19
+ 512,
20
+ 512,
21
+ 512,
22
+ 512,
23
+ 512,
24
+ 512,
25
+ 512
26
+ ],
27
+ "conv_kernel": [
28
+ 10,
29
+ 3,
30
+ 3,
31
+ 3,
32
+ 3,
33
+ 2,
34
+ 2
35
+ ],
36
+ "conv_stride": [
37
+ 5,
38
+ 2,
39
+ 2,
40
+ 2,
41
+ 2,
42
+ 2,
43
+ 2
44
+ ],
45
+ "ctc_loss_reduction": "sum",
46
+ "ctc_zero_infinity": false,
47
+ "diversity_loss_weight": 0.1,
48
+ "do_stable_layer_norm": false,
49
+ "eos_token_id": 2,
50
+ "feat_extract_activation": "gelu",
51
+ "feat_extract_dropout": 0.0,
52
+ "feat_extract_norm": "group",
53
+ "feat_proj_dropout": 0.1,
54
+ "feat_quantizer_dropout": 0.0,
55
+ "final_dropout": 0.1,
56
+ "finetuning_task": "audio-classification",
57
+ "gradient_checkpointing": false,
58
+ "hidden_act": "gelu",
59
+ "hidden_dropout": 0.1,
60
+ "hidden_dropout_prob": 0.1,
61
+ "hidden_size": 1024,
62
+ "id2label": {
63
+ "0": "yes",
64
+ "1": "no",
65
+ "10": "_silence_",
66
+ "11": "_unknown_",
67
+ "2": "up",
68
+ "3": "down",
69
+ "4": "left",
70
+ "5": "right",
71
+ "6": "on",
72
+ "7": "off",
73
+ "8": "stop",
74
+ "9": "go"
75
+ },
76
+ "initializer_range": 0.02,
77
+ "intermediate_size": 4096,
78
+ "label2id": {
79
+ "_silence_": "10",
80
+ "_unknown_": "11",
81
+ "down": "3",
82
+ "go": "9",
83
+ "left": "4",
84
+ "no": "1",
85
+ "off": "7",
86
+ "on": "6",
87
+ "right": "5",
88
+ "stop": "8",
89
+ "up": "2",
90
+ "yes": "0"
91
+ },
92
+ "layer_norm_eps": 1e-05,
93
+ "layerdrop": 0.1,
94
+ "mask_feature_length": 10,
95
+ "mask_feature_min_masks": 0,
96
+ "mask_feature_prob": 0.0,
97
+ "mask_time_length": 10,
98
+ "mask_time_min_masks": 2,
99
+ "mask_time_prob": 0.05,
100
+ "model_type": "wav2vec2",
101
+ "num_adapter_layers": 3,
102
+ "num_attention_heads": 16,
103
+ "num_codevector_groups": 2,
104
+ "num_codevectors_per_group": 320,
105
+ "num_conv_pos_embedding_groups": 16,
106
+ "num_conv_pos_embeddings": 128,
107
+ "num_feat_extract_layers": 7,
108
+ "num_hidden_layers": 24,
109
+ "num_negatives": 100,
110
+ "output_hidden_size": 1024,
111
+ "pad_token_id": 0,
112
+ "proj_codevector_dim": 768,
113
+ "tdnn_dilation": [
114
+ 1,
115
+ 2,
116
+ 3,
117
+ 1,
118
+ 1
119
+ ],
120
+ "tdnn_dim": [
121
+ 512,
122
+ 512,
123
+ 512,
124
+ 512,
125
+ 1500
126
+ ],
127
+ "tdnn_kernel": [
128
+ 5,
129
+ 3,
130
+ 3,
131
+ 1,
132
+ 1
133
+ ],
134
+ "torch_dtype": "float32",
135
+ "transformers_version": "4.40.1",
136
+ "use_weighted_layer_sum": false,
137
+ "vocab_size": 32,
138
+ "xvector_output_dim": 512
139
+ }
eval_results.json ADDED
@@ -0,0 +1,8 @@
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "epoch": 10.0,
3
+ "eval_accuracy": 0.9839658723153869,
4
+ "eval_loss": 0.08564967662096024,
5
+ "eval_runtime": 13.7712,
6
+ "eval_samples_per_second": 493.639,
7
+ "eval_steps_per_second": 1.961
8
+ }
model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:2dc189e34d87da6b307672b6f022d2f043d146bae4bd7d4393da90e29023e98a
3
+ size 1262828272
pred_logit_eval.npy ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:e488c9070fd10dbf421403f2070f4f3b412a96c19bc75111198a99c0f77375d7
3
+ size 326432
pred_logit_test.npy ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:2c482f8cf80f551a61920bcddc0ffe511cf7e5f9645ef0930b789121aea7f19a
3
+ size 148016
pred_logit_train.npy ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:f4d8c325dbfbc6e2352505de9eea67d1319c5881db485f375f1ba731790ec7ec
3
+ size 2452640
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.0,
7
+ "return_attention_mask": true,
8
+ "sampling_rate": 16000
9
+ }
test_results.json ADDED
@@ -0,0 +1,8 @@
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "epoch": 10.0,
3
+ "test_accuracy": 0.8941901979876663,
4
+ "test_loss": 0.5584208965301514,
5
+ "test_runtime": 7.2376,
6
+ "test_samples_per_second": 425.691,
7
+ "test_steps_per_second": 1.796
8
+ }
train_results.json ADDED
@@ -0,0 +1,8 @@
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "epoch": 10.0,
3
+ "train_accuracy": 0.991779856734646,
4
+ "train_loss": 0.03589404374361038,
5
+ "train_runtime": 279.3635,
6
+ "train_samples_per_second": 182.894,
7
+ "train_steps_per_second": 45.725
8
+ }
trainer_state.json ADDED
@@ -0,0 +1,225 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "best_metric": 0.9839658723153869,
3
+ "best_model_checkpoint": "audio/train/checkpoint/wav2vec2-large/superb_ks_42/checkpoint-15970",
4
+ "epoch": 10.0,
5
+ "eval_steps": 500,
6
+ "global_step": 15970,
7
+ "is_hyper_param_search": false,
8
+ "is_local_process_zero": true,
9
+ "is_world_process_zero": true,
10
+ "log_history": [
11
+ {
12
+ "epoch": 0.6261740763932373,
13
+ "grad_norm": 7.050719738006592,
14
+ "learning_rate": 3.1308703819661866e-05,
15
+ "loss": 1.0646,
16
+ "step": 1000
17
+ },
18
+ {
19
+ "epoch": 1.0,
20
+ "eval_accuracy": 0.9624889673433362,
21
+ "eval_loss": 0.1839100420475006,
22
+ "eval_runtime": 14.3255,
23
+ "eval_samples_per_second": 474.537,
24
+ "eval_steps_per_second": 1.885,
25
+ "step": 1597
26
+ },
27
+ {
28
+ "epoch": 1.2523481527864746,
29
+ "grad_norm": 9.074967384338379,
30
+ "learning_rate": 4.859806581785292e-05,
31
+ "loss": 0.4257,
32
+ "step": 2000
33
+ },
34
+ {
35
+ "epoch": 1.878522229179712,
36
+ "grad_norm": 91.34820556640625,
37
+ "learning_rate": 4.51193209490016e-05,
38
+ "loss": 0.3751,
39
+ "step": 3000
40
+ },
41
+ {
42
+ "epoch": 2.0,
43
+ "eval_accuracy": 0.9646954986760812,
44
+ "eval_loss": 0.19544720649719238,
45
+ "eval_runtime": 13.9956,
46
+ "eval_samples_per_second": 485.723,
47
+ "eval_steps_per_second": 1.929,
48
+ "step": 3194
49
+ },
50
+ {
51
+ "epoch": 2.504696305572949,
52
+ "grad_norm": 1.8326303958892822,
53
+ "learning_rate": 4.1640576080150286e-05,
54
+ "loss": 0.3156,
55
+ "step": 4000
56
+ },
57
+ {
58
+ "epoch": 3.0,
59
+ "eval_accuracy": 0.9744042365401588,
60
+ "eval_loss": 0.13350164890289307,
61
+ "eval_runtime": 14.2445,
62
+ "eval_samples_per_second": 477.238,
63
+ "eval_steps_per_second": 1.895,
64
+ "step": 4791
65
+ },
66
+ {
67
+ "epoch": 3.1308703819661865,
68
+ "grad_norm": 2.554948329925537,
69
+ "learning_rate": 3.8161831211298965e-05,
70
+ "loss": 0.2839,
71
+ "step": 5000
72
+ },
73
+ {
74
+ "epoch": 3.757044458359424,
75
+ "grad_norm": 1.011059045791626,
76
+ "learning_rate": 3.468308634244764e-05,
77
+ "loss": 0.257,
78
+ "step": 6000
79
+ },
80
+ {
81
+ "epoch": 4.0,
82
+ "eval_accuracy": 0.979552809649897,
83
+ "eval_loss": 0.10616285353899002,
84
+ "eval_runtime": 14.1933,
85
+ "eval_samples_per_second": 478.959,
86
+ "eval_steps_per_second": 1.902,
87
+ "step": 6388
88
+ },
89
+ {
90
+ "epoch": 4.383218534752661,
91
+ "grad_norm": 18.241968154907227,
92
+ "learning_rate": 3.120434147359633e-05,
93
+ "loss": 0.2386,
94
+ "step": 7000
95
+ },
96
+ {
97
+ "epoch": 5.0,
98
+ "eval_accuracy": 0.9801412180052956,
99
+ "eval_loss": 0.10293199121952057,
100
+ "eval_runtime": 21.533,
101
+ "eval_samples_per_second": 315.701,
102
+ "eval_steps_per_second": 1.254,
103
+ "step": 7985
104
+ },
105
+ {
106
+ "epoch": 5.009392611145898,
107
+ "grad_norm": 22.520170211791992,
108
+ "learning_rate": 2.7725596604745007e-05,
109
+ "loss": 0.2205,
110
+ "step": 8000
111
+ },
112
+ {
113
+ "epoch": 5.635566687539136,
114
+ "grad_norm": 2.018341302871704,
115
+ "learning_rate": 2.4246851735893692e-05,
116
+ "loss": 0.2085,
117
+ "step": 9000
118
+ },
119
+ {
120
+ "epoch": 6.0,
121
+ "eval_accuracy": 0.9814651368049426,
122
+ "eval_loss": 0.1001678854227066,
123
+ "eval_runtime": 14.0995,
124
+ "eval_samples_per_second": 482.145,
125
+ "eval_steps_per_second": 1.915,
126
+ "step": 9582
127
+ },
128
+ {
129
+ "epoch": 6.261740763932373,
130
+ "grad_norm": 29.089778900146484,
131
+ "learning_rate": 2.076810686704237e-05,
132
+ "loss": 0.1905,
133
+ "step": 10000
134
+ },
135
+ {
136
+ "epoch": 6.88791484032561,
137
+ "grad_norm": 2.23885178565979,
138
+ "learning_rate": 1.7289361998191053e-05,
139
+ "loss": 0.1715,
140
+ "step": 11000
141
+ },
142
+ {
143
+ "epoch": 7.0,
144
+ "eval_accuracy": 0.981759340982642,
145
+ "eval_loss": 0.10314840078353882,
146
+ "eval_runtime": 14.0909,
147
+ "eval_samples_per_second": 482.44,
148
+ "eval_steps_per_second": 1.916,
149
+ "step": 11179
150
+ },
151
+ {
152
+ "epoch": 7.514088916718848,
153
+ "grad_norm": 0.31174391508102417,
154
+ "learning_rate": 1.3810617129339735e-05,
155
+ "loss": 0.1575,
156
+ "step": 12000
157
+ },
158
+ {
159
+ "epoch": 8.0,
160
+ "eval_accuracy": 0.9819064430714917,
161
+ "eval_loss": 0.09382686764001846,
162
+ "eval_runtime": 14.1853,
163
+ "eval_samples_per_second": 479.227,
164
+ "eval_steps_per_second": 1.903,
165
+ "step": 12776
166
+ },
167
+ {
168
+ "epoch": 8.140262993112085,
169
+ "grad_norm": 2.9018185138702393,
170
+ "learning_rate": 1.0331872260488417e-05,
171
+ "loss": 0.147,
172
+ "step": 13000
173
+ },
174
+ {
175
+ "epoch": 8.766437069505322,
176
+ "grad_norm": 3.0589239597320557,
177
+ "learning_rate": 6.853127391637097e-06,
178
+ "loss": 0.1332,
179
+ "step": 14000
180
+ },
181
+ {
182
+ "epoch": 9.0,
183
+ "eval_accuracy": 0.9830832597822889,
184
+ "eval_loss": 0.08958739787340164,
185
+ "eval_runtime": 14.0026,
186
+ "eval_samples_per_second": 485.481,
187
+ "eval_steps_per_second": 1.928,
188
+ "step": 14373
189
+ },
190
+ {
191
+ "epoch": 9.39261114589856,
192
+ "grad_norm": 4.1695756912231445,
193
+ "learning_rate": 3.3743825227857787e-06,
194
+ "loss": 0.1288,
195
+ "step": 15000
196
+ },
197
+ {
198
+ "epoch": 10.0,
199
+ "eval_accuracy": 0.9839658723153869,
200
+ "eval_loss": 0.08564967662096024,
201
+ "eval_runtime": 13.9588,
202
+ "eval_samples_per_second": 487.004,
203
+ "eval_steps_per_second": 1.934,
204
+ "step": 15970
205
+ },
206
+ {
207
+ "epoch": 10.0,
208
+ "step": 15970,
209
+ "total_flos": 1.548488981447424e+19,
210
+ "train_loss": 0.27784167333327014,
211
+ "train_runtime": 3003.8643,
212
+ "train_samples_per_second": 170.094,
213
+ "train_steps_per_second": 5.316
214
+ }
215
+ ],
216
+ "logging_steps": 1000,
217
+ "max_steps": 15970,
218
+ "num_input_tokens_seen": 0,
219
+ "num_train_epochs": 10,
220
+ "save_steps": 500,
221
+ "total_flos": 1.548488981447424e+19,
222
+ "train_batch_size": 32,
223
+ "trial_name": null,
224
+ "trial_params": null
225
+ }
training_args.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:0e427b62cffd5c352c37fe75784c3b8d4e4aa54d34efcfc150a399f7d409d453
3
+ size 5112