Gizachew commited on
Commit
016fb89
1 Parent(s): ec7e849

End of training

Browse files
README.md CHANGED
@@ -1,6 +1,6 @@
1
  ---
2
  license: apache-2.0
3
- base_model: facebook/hubert-base-ls960
4
  tags:
5
  - generated_from_trainer
6
  metrics:
@@ -15,10 +15,10 @@ should probably proofread and complete it, then remove this comment. -->
15
 
16
  # ckpts
17
 
18
- This model is a fine-tuned version of [facebook/hubert-base-ls960](https://huggingface.co/facebook/hubert-base-ls960) on an unknown dataset.
19
  It achieves the following results on the evaluation set:
20
- - Loss: 0.1910
21
- - Accuracy: 0.9697
22
 
23
  ## Model description
24
 
@@ -52,8 +52,8 @@ The following hyperparameters were used during training:
52
 
53
  | Training Loss | Epoch | Step | Validation Loss | Accuracy |
54
  |:-------------:|:-----:|:----:|:---------------:|:--------:|
55
- | 0.0228 | 2.02 | 500 | 0.1773 | 0.9737 |
56
- | 0.0385 | 4.04 | 1000 | 0.1910 | 0.9697 |
57
 
58
 
59
  ### Framework versions
 
1
  ---
2
  license: apache-2.0
3
+ base_model: harshit345/xlsr-wav2vec-speech-emotion-recognition
4
  tags:
5
  - generated_from_trainer
6
  metrics:
 
15
 
16
  # ckpts
17
 
18
+ This model is a fine-tuned version of [harshit345/xlsr-wav2vec-speech-emotion-recognition](https://huggingface.co/harshit345/xlsr-wav2vec-speech-emotion-recognition) on an unknown dataset.
19
  It achieves the following results on the evaluation set:
20
+ - Loss: 0.2342
21
+ - Accuracy: 0.9333
22
 
23
  ## Model description
24
 
 
52
 
53
  | Training Loss | Epoch | Step | Validation Loss | Accuracy |
54
  |:-------------:|:-----:|:----:|:---------------:|:--------:|
55
+ | 0.4039 | 2.02 | 500 | 0.3198 | 0.8949 |
56
+ | 0.2195 | 4.04 | 1000 | 0.2363 | 0.9333 |
57
 
58
 
59
  ### Framework versions
all_results.json CHANGED
@@ -1,9 +1,9 @@
1
  {
2
  "epoch": 4.99,
3
- "total_flos": 3.160649695892544e+17,
4
- "train_loss": 0.03992950008948322,
5
- "train_runtime": 666.1547,
6
  "train_samples": 1979,
7
- "train_samples_per_second": 14.854,
8
- "train_steps_per_second": 1.854
9
  }
 
1
  {
2
  "epoch": 4.99,
3
+ "total_flos": 1.053348926143392e+18,
4
+ "train_loss": 0.5674189640925481,
5
+ "train_runtime": 1664.3033,
6
  "train_samples": 1979,
7
+ "train_samples_per_second": 5.945,
8
+ "train_steps_per_second": 0.742
9
  }
config.json CHANGED
@@ -1,14 +1,20 @@
1
  {
2
- "_name_or_path": "facebook/hubert-base-ls960",
3
- "activation_dropout": 0.1,
 
 
 
 
4
  "apply_spec_augment": true,
5
  "architectures": [
6
- "HubertForSpeechClassification"
7
  ],
8
  "attention_dropout": 0.1,
9
  "bos_token_id": 1,
10
  "classifier_proj_size": 256,
11
- "conv_bias": false,
 
 
12
  "conv_dim": [
13
  512,
14
  512,
@@ -36,22 +42,21 @@
36
  2,
37
  2
38
  ],
39
- "ctc_loss_reduction": "sum",
40
- "ctc_zero_infinity": false,
41
- "do_stable_layer_norm": false,
 
42
  "eos_token_id": 2,
43
  "feat_extract_activation": "gelu",
44
  "feat_extract_dropout": 0.0,
45
- "feat_extract_norm": "group",
46
- "feat_proj_dropout": 0.1,
47
- "feat_proj_layer_norm": true,
48
- "final_dropout": 0.1,
49
  "finetuning_task": "wav2vec2_clf",
50
- "gradient_checkpointing": false,
51
  "hidden_act": "gelu",
52
  "hidden_dropout": 0.1,
53
- "hidden_dropout_prob": 0.1,
54
- "hidden_size": 768,
55
  "id2label": {
56
  "0": "01Neutral",
57
  "1": "02Fearful",
@@ -60,7 +65,7 @@
60
  "4": "05Angry"
61
  },
62
  "initializer_range": 0.02,
63
- "intermediate_size": 3072,
64
  "label2id": {
65
  "01Neutral": 0,
66
  "02Fearful": 1,
@@ -70,24 +75,59 @@
70
  },
71
  "layer_norm_eps": 1e-05,
72
  "layerdrop": 0.1,
 
 
 
 
 
73
  "mask_feature_length": 10,
74
  "mask_feature_min_masks": 0,
75
  "mask_feature_prob": 0.0,
76
  "mask_time_length": 10,
77
  "mask_time_min_masks": 2,
 
 
78
  "mask_time_prob": 0.05,
79
- "model_type": "hubert",
80
- "num_attention_heads": 12,
 
 
 
 
81
  "num_conv_pos_embedding_groups": 16,
82
  "num_conv_pos_embeddings": 128,
83
  "num_feat_extract_layers": 7,
84
- "num_hidden_layers": 12,
85
- "pad_token_id": 0,
 
 
86
  "pooling_mode": "mean",
87
  "problem_type": "single_label_classification",
88
- "tokenizer_class": "Wav2Vec2CTCTokenizer",
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
89
  "torch_dtype": "float32",
90
  "transformers_version": "4.40.0.dev0",
91
  "use_weighted_layer_sum": false,
92
- "vocab_size": 32
 
93
  }
 
1
  {
2
+ "_name_or_path": "harshit345/xlsr-wav2vec-speech-emotion-recognition",
3
+ "activation_dropout": 0.0,
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
+ "Wav2Vec2ForSpeechClassification"
11
  ],
12
  "attention_dropout": 0.1,
13
  "bos_token_id": 1,
14
  "classifier_proj_size": 256,
15
+ "codevector_dim": 256,
16
+ "contrastive_logits_temperature": 0.1,
17
+ "conv_bias": true,
18
  "conv_dim": [
19
  512,
20
  512,
 
42
  2,
43
  2
44
  ],
45
+ "ctc_loss_reduction": "mean",
46
+ "ctc_zero_infinity": true,
47
+ "diversity_loss_weight": 0.1,
48
+ "do_stable_layer_norm": true,
49
  "eos_token_id": 2,
50
  "feat_extract_activation": "gelu",
51
  "feat_extract_dropout": 0.0,
52
+ "feat_extract_norm": "layer",
53
+ "feat_proj_dropout": 0.0,
54
+ "feat_quantizer_dropout": 0.0,
55
+ "final_dropout": 0.0,
56
  "finetuning_task": "wav2vec2_clf",
 
57
  "hidden_act": "gelu",
58
  "hidden_dropout": 0.1,
59
+ "hidden_size": 1024,
 
60
  "id2label": {
61
  "0": "01Neutral",
62
  "1": "02Fearful",
 
65
  "4": "05Angry"
66
  },
67
  "initializer_range": 0.02,
68
+ "intermediate_size": 4096,
69
  "label2id": {
70
  "01Neutral": 0,
71
  "02Fearful": 1,
 
75
  },
76
  "layer_norm_eps": 1e-05,
77
  "layerdrop": 0.1,
78
+ "mask_channel_length": 10,
79
+ "mask_channel_min_space": 1,
80
+ "mask_channel_other": 0.0,
81
+ "mask_channel_prob": 0.0,
82
+ "mask_channel_selection": "static",
83
  "mask_feature_length": 10,
84
  "mask_feature_min_masks": 0,
85
  "mask_feature_prob": 0.0,
86
  "mask_time_length": 10,
87
  "mask_time_min_masks": 2,
88
+ "mask_time_min_space": 1,
89
+ "mask_time_other": 0.0,
90
  "mask_time_prob": 0.05,
91
+ "mask_time_selection": "static",
92
+ "model_type": "wav2vec2",
93
+ "num_adapter_layers": 3,
94
+ "num_attention_heads": 16,
95
+ "num_codevector_groups": 2,
96
+ "num_codevectors_per_group": 320,
97
  "num_conv_pos_embedding_groups": 16,
98
  "num_conv_pos_embeddings": 128,
99
  "num_feat_extract_layers": 7,
100
+ "num_hidden_layers": 24,
101
+ "num_negatives": 100,
102
+ "output_hidden_size": 1024,
103
+ "pad_token_id": 54,
104
  "pooling_mode": "mean",
105
  "problem_type": "single_label_classification",
106
+ "proj_codevector_dim": 256,
107
+ "tdnn_dilation": [
108
+ 1,
109
+ 2,
110
+ 3,
111
+ 1,
112
+ 1
113
+ ],
114
+ "tdnn_dim": [
115
+ 512,
116
+ 512,
117
+ 512,
118
+ 512,
119
+ 1500
120
+ ],
121
+ "tdnn_kernel": [
122
+ 5,
123
+ 3,
124
+ 3,
125
+ 1,
126
+ 1
127
+ ],
128
  "torch_dtype": "float32",
129
  "transformers_version": "4.40.0.dev0",
130
  "use_weighted_layer_sum": false,
131
+ "vocab_size": 55,
132
+ "xvector_output_dim": 512
133
  }
model.safetensors CHANGED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:9d0debed0760df769d15ac8682084547cc2c5e3cc04ab2f3880eafb91150c315
3
- size 379890236
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:4c211db44690f250de2ef2b76fda76600205ce3558af66c9bc6dea154e1a0342
3
+ size 1266026604
preprocessor_config.json CHANGED
@@ -3,7 +3,7 @@
3
  "feature_extractor_type": "Wav2Vec2FeatureExtractor",
4
  "feature_size": 1,
5
  "padding_side": "right",
6
- "padding_value": 0,
7
- "return_attention_mask": false,
8
  "sampling_rate": 16000
9
  }
 
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
  }
runs/Apr13_05-04-22_af682c374eb8/events.out.tfevents.1712984663.af682c374eb8.34.0 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:c650ee9887f4eba092f7b519c1be298def73b23247f9f5434a6fdf301f44c2df
3
+ size 10230
runs/Apr13_05-04-22_af682c374eb8/events.out.tfevents.1712986374.af682c374eb8.34.1 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:61ab4db88d71a980f11939e7100d324f7d520a81907ed4fad01897c42f2f5820
3
+ size 411
train_results.json CHANGED
@@ -1,9 +1,9 @@
1
  {
2
  "epoch": 4.99,
3
- "total_flos": 3.160649695892544e+17,
4
- "train_loss": 0.03992950008948322,
5
- "train_runtime": 666.1547,
6
  "train_samples": 1979,
7
- "train_samples_per_second": 14.854,
8
- "train_steps_per_second": 1.854
9
  }
 
1
  {
2
  "epoch": 4.99,
3
+ "total_flos": 1.053348926143392e+18,
4
+ "train_loss": 0.5674189640925481,
5
+ "train_runtime": 1664.3033,
6
  "train_samples": 1979,
7
+ "train_samples_per_second": 5.945,
8
+ "train_steps_per_second": 0.742
9
  }
trainer_state.json CHANGED
@@ -10,114 +10,114 @@
10
  "log_history": [
11
  {
12
  "epoch": 0.4,
13
- "grad_norm": 0.006182590499520302,
14
  "learning_rate": 9.206477732793523e-06,
15
- "loss": 0.0729,
16
  "step": 100
17
  },
18
  {
19
  "epoch": 0.81,
20
- "grad_norm": 21.23886489868164,
21
  "learning_rate": 8.39676113360324e-06,
22
- "loss": 0.0698,
23
  "step": 200
24
  },
25
  {
26
  "epoch": 1.21,
27
- "grad_norm": 0.006576939485967159,
28
  "learning_rate": 7.587044534412956e-06,
29
- "loss": 0.0464,
30
  "step": 300
31
  },
32
  {
33
  "epoch": 1.62,
34
- "grad_norm": 0.009822617284953594,
35
- "learning_rate": 6.785425101214575e-06,
36
- "loss": 0.0689,
37
  "step": 400
38
  },
39
  {
40
  "epoch": 2.02,
41
- "grad_norm": 0.00560363894328475,
42
- "learning_rate": 5.975708502024292e-06,
43
- "loss": 0.0228,
44
  "step": 500
45
  },
46
  {
47
  "epoch": 2.02,
48
- "eval_accuracy": 0.973737359046936,
49
- "eval_loss": 0.17728736996650696,
50
- "eval_runtime": 23.1344,
51
- "eval_samples_per_second": 21.397,
52
- "eval_steps_per_second": 5.36,
53
  "step": 500
54
  },
55
  {
56
  "epoch": 2.42,
57
- "grad_norm": 0.010259171947836876,
58
- "learning_rate": 5.165991902834009e-06,
59
- "loss": 0.0253,
60
  "step": 600
61
  },
62
  {
63
  "epoch": 2.83,
64
- "grad_norm": 0.5489621758460999,
65
- "learning_rate": 4.356275303643725e-06,
66
- "loss": 0.0227,
67
  "step": 700
68
  },
69
  {
70
  "epoch": 3.23,
71
- "grad_norm": 0.003071287414059043,
72
- "learning_rate": 3.5465587044534415e-06,
73
- "loss": 0.0398,
74
  "step": 800
75
  },
76
  {
77
  "epoch": 3.64,
78
- "grad_norm": 0.0034055381547659636,
79
  "learning_rate": 2.7368421052631583e-06,
80
- "loss": 0.0299,
81
  "step": 900
82
  },
83
  {
84
  "epoch": 4.04,
85
- "grad_norm": 0.005517472513020039,
86
  "learning_rate": 1.9271255060728746e-06,
87
- "loss": 0.0385,
88
  "step": 1000
89
  },
90
  {
91
  "epoch": 4.04,
92
- "eval_accuracy": 0.9696969985961914,
93
- "eval_loss": 0.190963014960289,
94
- "eval_runtime": 23.4329,
95
- "eval_samples_per_second": 21.124,
96
- "eval_steps_per_second": 5.292,
97
  "step": 1000
98
  },
99
  {
100
  "epoch": 4.44,
101
- "grad_norm": 19.359519958496094,
102
  "learning_rate": 1.1174089068825912e-06,
103
- "loss": 0.0365,
104
  "step": 1100
105
  },
106
  {
107
  "epoch": 4.85,
108
- "grad_norm": 1.323317527770996,
109
  "learning_rate": 3.0769230769230774e-07,
110
- "loss": 0.0064,
111
  "step": 1200
112
  },
113
  {
114
  "epoch": 4.99,
115
  "step": 1235,
116
- "total_flos": 3.160649695892544e+17,
117
- "train_loss": 0.03992950008948322,
118
- "train_runtime": 666.1547,
119
- "train_samples_per_second": 14.854,
120
- "train_steps_per_second": 1.854
121
  }
122
  ],
123
  "logging_steps": 100,
@@ -125,7 +125,7 @@
125
  "num_input_tokens_seen": 0,
126
  "num_train_epochs": 5,
127
  "save_steps": 500,
128
- "total_flos": 3.160649695892544e+17,
129
  "train_batch_size": 4,
130
  "trial_name": null,
131
  "trial_params": null
 
10
  "log_history": [
11
  {
12
  "epoch": 0.4,
13
+ "grad_norm": 4.1816935539245605,
14
  "learning_rate": 9.206477732793523e-06,
15
+ "loss": 2.284,
16
  "step": 100
17
  },
18
  {
19
  "epoch": 0.81,
20
+ "grad_norm": 7.234564304351807,
21
  "learning_rate": 8.39676113360324e-06,
22
+ "loss": 1.1378,
23
  "step": 200
24
  },
25
  {
26
  "epoch": 1.21,
27
+ "grad_norm": 4.295170783996582,
28
  "learning_rate": 7.587044534412956e-06,
29
+ "loss": 0.7549,
30
  "step": 300
31
  },
32
  {
33
  "epoch": 1.62,
34
+ "grad_norm": 2.47021746635437,
35
+ "learning_rate": 6.777327935222673e-06,
36
+ "loss": 0.545,
37
  "step": 400
38
  },
39
  {
40
  "epoch": 2.02,
41
+ "grad_norm": 4.9068498611450195,
42
+ "learning_rate": 5.9676113360323896e-06,
43
+ "loss": 0.4039,
44
  "step": 500
45
  },
46
  {
47
  "epoch": 2.02,
48
+ "eval_accuracy": 0.8949494957923889,
49
+ "eval_loss": 0.3197959065437317,
50
+ "eval_runtime": 43.5773,
51
+ "eval_samples_per_second": 11.359,
52
+ "eval_steps_per_second": 2.846,
53
  "step": 500
54
  },
55
  {
56
  "epoch": 2.42,
57
+ "grad_norm": 10.178821563720703,
58
+ "learning_rate": 5.157894736842106e-06,
59
+ "loss": 0.3572,
60
  "step": 600
61
  },
62
  {
63
  "epoch": 2.83,
64
+ "grad_norm": 22.03152847290039,
65
+ "learning_rate": 4.348178137651822e-06,
66
+ "loss": 0.3237,
67
  "step": 700
68
  },
69
  {
70
  "epoch": 3.23,
71
+ "grad_norm": 4.856521129608154,
72
+ "learning_rate": 3.538461538461539e-06,
73
+ "loss": 0.2635,
74
  "step": 800
75
  },
76
  {
77
  "epoch": 3.64,
78
+ "grad_norm": 4.2341766357421875,
79
  "learning_rate": 2.7368421052631583e-06,
80
+ "loss": 0.2138,
81
  "step": 900
82
  },
83
  {
84
  "epoch": 4.04,
85
+ "grad_norm": 0.4156922996044159,
86
  "learning_rate": 1.9271255060728746e-06,
87
+ "loss": 0.2195,
88
  "step": 1000
89
  },
90
  {
91
  "epoch": 4.04,
92
+ "eval_accuracy": 0.9333333373069763,
93
+ "eval_loss": 0.2362980842590332,
94
+ "eval_runtime": 43.7442,
95
+ "eval_samples_per_second": 11.316,
96
+ "eval_steps_per_second": 2.835,
97
  "step": 1000
98
  },
99
  {
100
  "epoch": 4.44,
101
+ "grad_norm": 5.4564337730407715,
102
  "learning_rate": 1.1174089068825912e-06,
103
+ "loss": 0.2312,
104
  "step": 1100
105
  },
106
  {
107
  "epoch": 4.85,
108
+ "grad_norm": 2.0700230598449707,
109
  "learning_rate": 3.0769230769230774e-07,
110
+ "loss": 0.182,
111
  "step": 1200
112
  },
113
  {
114
  "epoch": 4.99,
115
  "step": 1235,
116
+ "total_flos": 1.053348926143392e+18,
117
+ "train_loss": 0.5674189640925481,
118
+ "train_runtime": 1664.3033,
119
+ "train_samples_per_second": 5.945,
120
+ "train_steps_per_second": 0.742
121
  }
122
  ],
123
  "logging_steps": 100,
 
125
  "num_input_tokens_seen": 0,
126
  "num_train_epochs": 5,
127
  "save_steps": 500,
128
+ "total_flos": 1.053348926143392e+18,
129
  "train_batch_size": 4,
130
  "trial_name": null,
131
  "trial_params": null
training_args.bin CHANGED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:f507758a89624d13b7bed17a703fed0e8a853809c160f6b3fee91839d462fc37
3
  size 4984
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:6aad4c2aa7f6067110d61ed613d6e4dbae9214f7578b02e94a2191162bee5aa5
3
  size 4984