End of training
Browse files- README.md +11 -13
- all_results.json +12 -7
- config.json +22 -62
- eval_results.json +8 -0
- model.safetensors +2 -2
- preprocessor_config.json +2 -2
- runs/Apr17_14-56-56_43c303507aad/events.out.tfevents.1713365817.43c303507aad.34.0 +3 -0
- runs/Apr17_15-02-07_43c303507aad/events.out.tfevents.1713366132.43c303507aad.34.1 +3 -0
- runs/Apr17_15-02-07_43c303507aad/events.out.tfevents.1713367446.43c303507aad.34.2 +3 -0
- train_results.json +7 -7
- trainer_state.json +150 -243
- training_args.bin +1 -1
README.md
CHANGED
@@ -1,6 +1,6 @@
|
|
1 |
---
|
2 |
license: apache-2.0
|
3 |
-
base_model:
|
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 [
|
19 |
It achieves the following results on the evaluation set:
|
20 |
-
- Loss: 0.
|
21 |
-
- Accuracy: 0.
|
22 |
|
23 |
## Model description
|
24 |
|
@@ -50,15 +50,13 @@ The following hyperparameters were used during training:
|
|
50 |
|
51 |
### Training results
|
52 |
|
53 |
-
| Training Loss | Epoch
|
54 |
-
|
55 |
-
| 0.
|
56 |
-
| 0.
|
57 |
-
| 0.
|
58 |
-
| 0.
|
59 |
-
| 0.
|
60 |
-
| 0.025 | 12.12 | 3000 | 0.0873 | 0.9758 |
|
61 |
-
| 0.0323 | 14.14 | 3500 | 0.0920 | 0.9798 |
|
62 |
|
63 |
|
64 |
### Framework versions
|
|
|
1 |
---
|
2 |
license: apache-2.0
|
3 |
+
base_model: facebook/hubert-base-ls960
|
4 |
tags:
|
5 |
- generated_from_trainer
|
6 |
metrics:
|
|
|
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.2847
|
21 |
+
- Accuracy: 0.9394
|
22 |
|
23 |
## Model description
|
24 |
|
|
|
50 |
|
51 |
### Training results
|
52 |
|
53 |
+
| Training Loss | Epoch | Step | Validation Loss | Accuracy |
|
54 |
+
|:-------------:|:-------:|:----:|:---------------:|:--------:|
|
55 |
+
| 0.4293 | 2.2422 | 500 | 0.4459 | 0.8788 |
|
56 |
+
| 0.2063 | 4.4843 | 1000 | 0.2847 | 0.9394 |
|
57 |
+
| 0.1392 | 6.7265 | 1500 | 0.3088 | 0.9394 |
|
58 |
+
| 0.1434 | 8.9686 | 2000 | 0.3495 | 0.9444 |
|
59 |
+
| 0.097 | 11.2108 | 2500 | 0.3493 | 0.9394 |
|
|
|
|
|
60 |
|
61 |
|
62 |
### Framework versions
|
all_results.json
CHANGED
@@ -1,9 +1,14 @@
|
|
1 |
{
|
2 |
-
"epoch":
|
3 |
-
"
|
4 |
-
"
|
5 |
-
"
|
6 |
-
"
|
7 |
-
"
|
8 |
-
"
|
|
|
|
|
|
|
|
|
|
|
9 |
}
|
|
|
1 |
{
|
2 |
+
"epoch": 11.210762331838565,
|
3 |
+
"eval_accuracy": 0.939393937587738,
|
4 |
+
"eval_loss": 0.28471633791923523,
|
5 |
+
"eval_runtime": 9.1496,
|
6 |
+
"eval_samples_per_second": 21.64,
|
7 |
+
"eval_steps_per_second": 5.465,
|
8 |
+
"total_flos": 6.392309759902944e+17,
|
9 |
+
"train_loss": 0.27951997299194337,
|
10 |
+
"train_runtime": 1304.0962,
|
11 |
+
"train_samples": 1781,
|
12 |
+
"train_samples_per_second": 20.485,
|
13 |
+
"train_steps_per_second": 2.565
|
14 |
}
|
config.json
CHANGED
@@ -1,20 +1,14 @@
|
|
1 |
{
|
2 |
-
"_name_or_path": "
|
3 |
-
"activation_dropout": 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 |
-
"
|
11 |
],
|
12 |
"attention_dropout": 0.1,
|
13 |
"bos_token_id": 1,
|
14 |
"classifier_proj_size": 256,
|
15 |
-
"
|
16 |
-
"contrastive_logits_temperature": 0.1,
|
17 |
-
"conv_bias": true,
|
18 |
"conv_dim": [
|
19 |
512,
|
20 |
512,
|
@@ -42,21 +36,22 @@
|
|
42 |
2,
|
43 |
2
|
44 |
],
|
45 |
-
"ctc_loss_reduction": "
|
46 |
-
"ctc_zero_infinity":
|
47 |
-
"
|
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": "
|
53 |
-
"feat_proj_dropout": 0.
|
54 |
-
"
|
55 |
-
"final_dropout": 0.
|
56 |
"finetuning_task": "wav2vec2_clf",
|
|
|
57 |
"hidden_act": "gelu",
|
58 |
-
"hidden_dropout": 0.
|
59 |
-
"
|
|
|
60 |
"id2label": {
|
61 |
"0": "01Neutral",
|
62 |
"1": "02Fearful",
|
@@ -65,7 +60,7 @@
|
|
65 |
"4": "05Angry"
|
66 |
},
|
67 |
"initializer_range": 0.02,
|
68 |
-
"intermediate_size":
|
69 |
"label2id": {
|
70 |
"01Neutral": 0,
|
71 |
"02Fearful": 1,
|
@@ -74,60 +69,25 @@
|
|
74 |
"05Angry": 4
|
75 |
},
|
76 |
"layer_norm_eps": 1e-05,
|
77 |
-
"layerdrop": 0.
|
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 |
-
"
|
92 |
-
"
|
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":
|
101 |
-
"num_negatives": 100,
|
102 |
-
"output_hidden_size": 1024,
|
103 |
"pad_token_id": 0,
|
104 |
"pooling_mode": "mean",
|
105 |
"problem_type": "single_label_classification",
|
106 |
-
"
|
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":
|
132 |
-
"xvector_output_dim": 512
|
133 |
}
|
|
|
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 |
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 |
"4": "05Angry"
|
61 |
},
|
62 |
"initializer_range": 0.02,
|
63 |
+
"intermediate_size": 3072,
|
64 |
"label2id": {
|
65 |
"01Neutral": 0,
|
66 |
"02Fearful": 1,
|
|
|
69 |
"05Angry": 4
|
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 |
}
|
eval_results.json
ADDED
@@ -0,0 +1,8 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"epoch": 11.210762331838565,
|
3 |
+
"eval_accuracy": 0.939393937587738,
|
4 |
+
"eval_loss": 0.28471633791923523,
|
5 |
+
"eval_runtime": 9.1496,
|
6 |
+
"eval_samples_per_second": 21.64,
|
7 |
+
"eval_steps_per_second": 5.465
|
8 |
+
}
|
model.safetensors
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:46650e61181300624f9711b1e316f3a331d5d40bf61280f4ee96cf2619f293c1
|
3 |
+
size 379890236
|
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":
|
8 |
"sampling_rate": 16000
|
9 |
}
|
|
|
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 |
}
|
runs/Apr17_14-56-56_43c303507aad/events.out.tfevents.1713365817.43c303507aad.34.0
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:ec7a64a78f16680c6bfa14aed11449ee92c9f25fc469e1e854defd6a5f97563a
|
3 |
+
size 17750
|
runs/Apr17_15-02-07_43c303507aad/events.out.tfevents.1713366132.43c303507aad.34.1
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:e37a581a621fe12664f2ed939269df9eabbf3a552aa04e41d4feb0040882ac75
|
3 |
+
size 13179
|
runs/Apr17_15-02-07_43c303507aad/events.out.tfevents.1713367446.43c303507aad.34.2
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:bcd4d3b778bd2f338917f4e897fc13537ea4b098b5eadc28dc4bc957ca9b8b06
|
3 |
+
size 734
|
train_results.json
CHANGED
@@ -1,9 +1,9 @@
|
|
1 |
{
|
2 |
-
"epoch":
|
3 |
-
"total_flos":
|
4 |
-
"train_loss": 0.
|
5 |
-
"train_runtime":
|
6 |
-
"train_samples":
|
7 |
-
"train_samples_per_second":
|
8 |
-
"train_steps_per_second":
|
9 |
}
|
|
|
1 |
{
|
2 |
+
"epoch": 11.210762331838565,
|
3 |
+
"total_flos": 6.392309759902944e+17,
|
4 |
+
"train_loss": 0.27951997299194337,
|
5 |
+
"train_runtime": 1304.0962,
|
6 |
+
"train_samples": 1781,
|
7 |
+
"train_samples_per_second": 20.485,
|
8 |
+
"train_steps_per_second": 2.565
|
9 |
}
|
trainer_state.json
CHANGED
@@ -1,351 +1,258 @@
|
|
1 |
{
|
2 |
-
"best_metric": 0.
|
3 |
-
"best_model_checkpoint": "/kaggle/working/ckpts/checkpoint-
|
4 |
-
"epoch":
|
5 |
"eval_steps": 500,
|
6 |
-
"global_step":
|
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.
|
13 |
-
"grad_norm":
|
14 |
-
"learning_rate": 9.
|
15 |
-
"loss": 1.
|
16 |
"step": 100
|
17 |
},
|
18 |
{
|
19 |
-
"epoch": 0.
|
20 |
-
"grad_norm":
|
21 |
-
"learning_rate": 9.
|
22 |
-
"loss": 0.
|
23 |
"step": 200
|
24 |
},
|
25 |
{
|
26 |
-
"epoch": 1.
|
27 |
-
"grad_norm":
|
28 |
-
"learning_rate": 9.
|
29 |
-
"loss": 0.
|
30 |
"step": 300
|
31 |
},
|
32 |
{
|
33 |
-
"epoch": 1.
|
34 |
-
"grad_norm":
|
35 |
-
"learning_rate": 8.
|
36 |
-
"loss": 0.
|
37 |
"step": 400
|
38 |
},
|
39 |
{
|
40 |
-
"epoch": 2.
|
41 |
-
"grad_norm":
|
42 |
-
"learning_rate": 8.
|
43 |
-
"loss": 0.
|
44 |
"step": 500
|
45 |
},
|
46 |
{
|
47 |
-
"epoch": 2.
|
48 |
-
"eval_accuracy": 0.
|
49 |
-
"eval_loss": 0.
|
50 |
-
"eval_runtime":
|
51 |
-
"eval_samples_per_second":
|
52 |
-
"eval_steps_per_second":
|
53 |
"step": 500
|
54 |
},
|
55 |
{
|
56 |
-
"epoch": 2.
|
57 |
-
"grad_norm":
|
58 |
-
"learning_rate": 8.
|
59 |
-
"loss": 0.
|
60 |
"step": 600
|
61 |
},
|
62 |
{
|
63 |
-
"epoch":
|
64 |
-
"grad_norm":
|
65 |
-
"learning_rate":
|
66 |
-
"loss": 0.
|
67 |
"step": 700
|
68 |
},
|
69 |
{
|
70 |
-
"epoch": 3.
|
71 |
-
"grad_norm":
|
72 |
-
"learning_rate": 7.
|
73 |
-
"loss": 0.
|
74 |
"step": 800
|
75 |
},
|
76 |
{
|
77 |
-
"epoch":
|
78 |
-
"grad_norm":
|
79 |
-
"learning_rate": 7.
|
80 |
-
"loss": 0.
|
81 |
"step": 900
|
82 |
},
|
83 |
{
|
84 |
-
"epoch": 4.
|
85 |
-
"grad_norm":
|
86 |
-
"learning_rate": 7.
|
87 |
-
"loss": 0.
|
88 |
"step": 1000
|
89 |
},
|
90 |
{
|
91 |
-
"epoch": 4.
|
92 |
-
"eval_accuracy": 0.
|
93 |
-
"eval_loss": 0.
|
94 |
-
"eval_runtime":
|
95 |
-
"eval_samples_per_second":
|
96 |
-
"eval_steps_per_second":
|
97 |
"step": 1000
|
98 |
},
|
99 |
{
|
100 |
-
"epoch": 4.
|
101 |
-
"grad_norm":
|
102 |
-
"learning_rate":
|
103 |
-
"loss": 0.
|
104 |
"step": 1100
|
105 |
},
|
106 |
{
|
107 |
-
"epoch":
|
108 |
-
"grad_norm":
|
109 |
-
"learning_rate": 6.
|
110 |
-
"loss": 0.
|
111 |
"step": 1200
|
112 |
},
|
113 |
{
|
114 |
-
"epoch": 5.
|
115 |
-
"grad_norm": 0.
|
116 |
-
"learning_rate": 6.
|
117 |
-
"loss": 0.
|
118 |
"step": 1300
|
119 |
},
|
120 |
{
|
121 |
-
"epoch":
|
122 |
-
"grad_norm":
|
123 |
-
"learning_rate":
|
124 |
-
"loss": 0.
|
125 |
"step": 1400
|
126 |
},
|
127 |
{
|
128 |
-
"epoch": 6.
|
129 |
-
"grad_norm": 0.
|
130 |
-
"learning_rate": 5.
|
131 |
-
"loss": 0.
|
132 |
"step": 1500
|
133 |
},
|
134 |
{
|
135 |
-
"epoch": 6.
|
136 |
-
"eval_accuracy": 0.
|
137 |
-
"eval_loss": 0.
|
138 |
-
"eval_runtime":
|
139 |
-
"eval_samples_per_second":
|
140 |
-
"eval_steps_per_second":
|
141 |
"step": 1500
|
142 |
},
|
143 |
{
|
144 |
-
"epoch":
|
145 |
-
"grad_norm": 0.
|
146 |
-
"learning_rate": 5.
|
147 |
-
"loss": 0.
|
148 |
"step": 1600
|
149 |
},
|
150 |
{
|
151 |
-
"epoch":
|
152 |
-
"grad_norm": 0.
|
153 |
-
"learning_rate":
|
154 |
-
"loss": 0.
|
155 |
"step": 1700
|
156 |
},
|
157 |
{
|
158 |
-
"epoch":
|
159 |
-
"grad_norm":
|
160 |
-
"learning_rate":
|
161 |
-
"loss": 0.
|
162 |
"step": 1800
|
163 |
},
|
164 |
{
|
165 |
-
"epoch":
|
166 |
-
"grad_norm": 0.
|
167 |
-
"learning_rate": 4.
|
168 |
-
"loss": 0.
|
169 |
"step": 1900
|
170 |
},
|
171 |
{
|
172 |
-
"epoch": 8.
|
173 |
-
"grad_norm":
|
174 |
-
"learning_rate": 4.
|
175 |
-
"loss": 0.
|
176 |
"step": 2000
|
177 |
},
|
178 |
{
|
179 |
-
"epoch": 8.
|
180 |
-
"eval_accuracy": 0.
|
181 |
-
"eval_loss": 0.
|
182 |
-
"eval_runtime":
|
183 |
-
"eval_samples_per_second":
|
184 |
-
"eval_steps_per_second":
|
185 |
"step": 2000
|
186 |
},
|
187 |
{
|
188 |
-
"epoch":
|
189 |
-
"grad_norm": 0.
|
190 |
-
"learning_rate":
|
191 |
-
"loss": 0.
|
192 |
"step": 2100
|
193 |
},
|
194 |
{
|
195 |
-
"epoch":
|
196 |
-
"grad_norm": 0.
|
197 |
-
"learning_rate":
|
198 |
-
"loss": 0.
|
199 |
"step": 2200
|
200 |
},
|
201 |
{
|
202 |
-
"epoch":
|
203 |
-
"grad_norm":
|
204 |
-
"learning_rate": 3.
|
205 |
-
"loss": 0.
|
206 |
"step": 2300
|
207 |
},
|
208 |
{
|
209 |
-
"epoch":
|
210 |
-
"grad_norm": 0.
|
211 |
-
"learning_rate":
|
212 |
-
"loss": 0.
|
213 |
"step": 2400
|
214 |
},
|
215 |
{
|
216 |
-
"epoch":
|
217 |
-
"grad_norm": 0.
|
218 |
-
"learning_rate":
|
219 |
-
"loss": 0.
|
220 |
"step": 2500
|
221 |
},
|
222 |
{
|
223 |
-
"epoch":
|
224 |
-
"eval_accuracy": 0.
|
225 |
-
"eval_loss": 0.
|
226 |
-
"eval_runtime":
|
227 |
-
"eval_samples_per_second":
|
228 |
-
"eval_steps_per_second":
|
229 |
"step": 2500
|
230 |
},
|
231 |
{
|
232 |
-
"epoch":
|
233 |
-
"
|
234 |
-
"
|
235 |
-
"
|
236 |
-
"
|
|
|
|
|
237 |
},
|
238 |
{
|
239 |
-
"epoch":
|
240 |
-
"
|
241 |
-
"
|
242 |
-
"
|
243 |
-
"
|
244 |
-
|
245 |
-
|
246 |
-
"epoch": 11.31,
|
247 |
-
"grad_norm": 0.018718041479587555,
|
248 |
-
"learning_rate": 2.4507422402159244e-06,
|
249 |
-
"loss": 0.0216,
|
250 |
-
"step": 2800
|
251 |
-
},
|
252 |
-
{
|
253 |
-
"epoch": 11.72,
|
254 |
-
"grad_norm": 0.012194407172501087,
|
255 |
-
"learning_rate": 2.180836707152497e-06,
|
256 |
-
"loss": 0.0219,
|
257 |
-
"step": 2900
|
258 |
-
},
|
259 |
-
{
|
260 |
-
"epoch": 12.12,
|
261 |
-
"grad_norm": 0.06089940294623375,
|
262 |
-
"learning_rate": 1.910931174089069e-06,
|
263 |
-
"loss": 0.025,
|
264 |
-
"step": 3000
|
265 |
-
},
|
266 |
-
{
|
267 |
-
"epoch": 12.12,
|
268 |
-
"eval_accuracy": 0.9757575988769531,
|
269 |
-
"eval_loss": 0.08732648193836212,
|
270 |
-
"eval_runtime": 44.5561,
|
271 |
-
"eval_samples_per_second": 11.11,
|
272 |
-
"eval_steps_per_second": 2.783,
|
273 |
-
"step": 3000
|
274 |
-
},
|
275 |
-
{
|
276 |
-
"epoch": 12.53,
|
277 |
-
"grad_norm": 0.07689320296049118,
|
278 |
-
"learning_rate": 1.6410256410256412e-06,
|
279 |
-
"loss": 0.0398,
|
280 |
-
"step": 3100
|
281 |
-
},
|
282 |
-
{
|
283 |
-
"epoch": 12.93,
|
284 |
-
"grad_norm": 0.35102277994155884,
|
285 |
-
"learning_rate": 1.3711201079622132e-06,
|
286 |
-
"loss": 0.0289,
|
287 |
-
"step": 3200
|
288 |
-
},
|
289 |
-
{
|
290 |
-
"epoch": 13.33,
|
291 |
-
"grad_norm": 0.007283875718712807,
|
292 |
-
"learning_rate": 1.1012145748987855e-06,
|
293 |
-
"loss": 0.0169,
|
294 |
-
"step": 3300
|
295 |
-
},
|
296 |
-
{
|
297 |
-
"epoch": 13.74,
|
298 |
-
"grad_norm": 0.00747378496453166,
|
299 |
-
"learning_rate": 8.313090418353577e-07,
|
300 |
-
"loss": 0.0391,
|
301 |
-
"step": 3400
|
302 |
-
},
|
303 |
-
{
|
304 |
-
"epoch": 14.14,
|
305 |
-
"grad_norm": 0.0248583871871233,
|
306 |
-
"learning_rate": 5.614035087719299e-07,
|
307 |
-
"loss": 0.0323,
|
308 |
-
"step": 3500
|
309 |
-
},
|
310 |
-
{
|
311 |
-
"epoch": 14.14,
|
312 |
-
"eval_accuracy": 0.9797979593276978,
|
313 |
-
"eval_loss": 0.09203575551509857,
|
314 |
-
"eval_runtime": 46.8049,
|
315 |
-
"eval_samples_per_second": 10.576,
|
316 |
-
"eval_steps_per_second": 2.649,
|
317 |
-
"step": 3500
|
318 |
-
},
|
319 |
-
{
|
320 |
-
"epoch": 14.55,
|
321 |
-
"grad_norm": 0.1301543265581131,
|
322 |
-
"learning_rate": 2.9149797570850203e-07,
|
323 |
-
"loss": 0.0252,
|
324 |
-
"step": 3600
|
325 |
-
},
|
326 |
-
{
|
327 |
-
"epoch": 14.95,
|
328 |
-
"grad_norm": 0.09905605018138885,
|
329 |
-
"learning_rate": 2.1592442645074224e-08,
|
330 |
-
"loss": 0.0146,
|
331 |
-
"step": 3700
|
332 |
-
},
|
333 |
-
{
|
334 |
-
"epoch": 14.97,
|
335 |
-
"step": 3705,
|
336 |
-
"total_flos": 3.163398064220592e+18,
|
337 |
-
"train_loss": 0.12699281216954733,
|
338 |
-
"train_runtime": 5204.2292,
|
339 |
-
"train_samples_per_second": 5.704,
|
340 |
-
"train_steps_per_second": 0.712
|
341 |
}
|
342 |
],
|
343 |
"logging_steps": 100,
|
344 |
-
"max_steps":
|
345 |
"num_input_tokens_seen": 0,
|
346 |
"num_train_epochs": 15,
|
347 |
"save_steps": 500,
|
348 |
-
"total_flos":
|
349 |
"train_batch_size": 4,
|
350 |
"trial_name": null,
|
351 |
"trial_params": null
|
|
|
1 |
{
|
2 |
+
"best_metric": 0.28471633791923523,
|
3 |
+
"best_model_checkpoint": "/kaggle/working/ckpts/checkpoint-1000",
|
4 |
+
"epoch": 11.210762331838565,
|
5 |
"eval_steps": 500,
|
6 |
+
"global_step": 2500,
|
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.4484304932735426,
|
13 |
+
"grad_norm": 5.388023376464844,
|
14 |
+
"learning_rate": 9.701046337817639e-06,
|
15 |
+
"loss": 1.1493,
|
16 |
"step": 100
|
17 |
},
|
18 |
{
|
19 |
+
"epoch": 0.8968609865470852,
|
20 |
+
"grad_norm": 3.5460991859436035,
|
21 |
+
"learning_rate": 9.4050822122571e-06,
|
22 |
+
"loss": 0.8211,
|
23 |
"step": 200
|
24 |
},
|
25 |
{
|
26 |
+
"epoch": 1.3452914798206277,
|
27 |
+
"grad_norm": 10.436558723449707,
|
28 |
+
"learning_rate": 9.109118086696563e-06,
|
29 |
+
"loss": 0.6329,
|
30 |
"step": 300
|
31 |
},
|
32 |
{
|
33 |
+
"epoch": 1.7937219730941703,
|
34 |
+
"grad_norm": 3.8405914306640625,
|
35 |
+
"learning_rate": 8.810164424514201e-06,
|
36 |
+
"loss": 0.4802,
|
37 |
"step": 400
|
38 |
},
|
39 |
{
|
40 |
+
"epoch": 2.242152466367713,
|
41 |
+
"grad_norm": 18.780351638793945,
|
42 |
+
"learning_rate": 8.51121076233184e-06,
|
43 |
+
"loss": 0.4293,
|
44 |
"step": 500
|
45 |
},
|
46 |
{
|
47 |
+
"epoch": 2.242152466367713,
|
48 |
+
"eval_accuracy": 0.8787878751754761,
|
49 |
+
"eval_loss": 0.44592228531837463,
|
50 |
+
"eval_runtime": 9.3047,
|
51 |
+
"eval_samples_per_second": 21.28,
|
52 |
+
"eval_steps_per_second": 5.374,
|
53 |
"step": 500
|
54 |
},
|
55 |
{
|
56 |
+
"epoch": 2.6905829596412554,
|
57 |
+
"grad_norm": 1.012455940246582,
|
58 |
+
"learning_rate": 8.212257100149478e-06,
|
59 |
+
"loss": 0.296,
|
60 |
"step": 600
|
61 |
},
|
62 |
{
|
63 |
+
"epoch": 3.1390134529147984,
|
64 |
+
"grad_norm": 15.63992691040039,
|
65 |
+
"learning_rate": 7.913303437967116e-06,
|
66 |
+
"loss": 0.3031,
|
67 |
"step": 700
|
68 |
},
|
69 |
{
|
70 |
+
"epoch": 3.587443946188341,
|
71 |
+
"grad_norm": 11.77250862121582,
|
72 |
+
"learning_rate": 7.617339312406578e-06,
|
73 |
+
"loss": 0.2514,
|
74 |
"step": 800
|
75 |
},
|
76 |
{
|
77 |
+
"epoch": 4.0358744394618835,
|
78 |
+
"grad_norm": 41.904685974121094,
|
79 |
+
"learning_rate": 7.318385650224216e-06,
|
80 |
+
"loss": 0.2968,
|
81 |
"step": 900
|
82 |
},
|
83 |
{
|
84 |
+
"epoch": 4.484304932735426,
|
85 |
+
"grad_norm": 3.609229326248169,
|
86 |
+
"learning_rate": 7.019431988041854e-06,
|
87 |
+
"loss": 0.2063,
|
88 |
"step": 1000
|
89 |
},
|
90 |
{
|
91 |
+
"epoch": 4.484304932735426,
|
92 |
+
"eval_accuracy": 0.939393937587738,
|
93 |
+
"eval_loss": 0.28471633791923523,
|
94 |
+
"eval_runtime": 9.1772,
|
95 |
+
"eval_samples_per_second": 21.575,
|
96 |
+
"eval_steps_per_second": 5.448,
|
97 |
"step": 1000
|
98 |
},
|
99 |
{
|
100 |
+
"epoch": 4.932735426008969,
|
101 |
+
"grad_norm": 40.831077575683594,
|
102 |
+
"learning_rate": 6.720478325859492e-06,
|
103 |
+
"loss": 0.189,
|
104 |
"step": 1100
|
105 |
},
|
106 |
{
|
107 |
+
"epoch": 5.381165919282511,
|
108 |
+
"grad_norm": 6.550039768218994,
|
109 |
+
"learning_rate": 6.421524663677131e-06,
|
110 |
+
"loss": 0.1695,
|
111 |
"step": 1200
|
112 |
},
|
113 |
{
|
114 |
+
"epoch": 5.829596412556054,
|
115 |
+
"grad_norm": 0.8909838795661926,
|
116 |
+
"learning_rate": 6.1225710014947695e-06,
|
117 |
+
"loss": 0.1986,
|
118 |
"step": 1300
|
119 |
},
|
120 |
{
|
121 |
+
"epoch": 6.278026905829597,
|
122 |
+
"grad_norm": 1.107909917831421,
|
123 |
+
"learning_rate": 5.823617339312408e-06,
|
124 |
+
"loss": 0.1881,
|
125 |
"step": 1400
|
126 |
},
|
127 |
{
|
128 |
+
"epoch": 6.726457399103139,
|
129 |
+
"grad_norm": 0.359598308801651,
|
130 |
+
"learning_rate": 5.524663677130046e-06,
|
131 |
+
"loss": 0.1392,
|
132 |
"step": 1500
|
133 |
},
|
134 |
{
|
135 |
+
"epoch": 6.726457399103139,
|
136 |
+
"eval_accuracy": 0.939393937587738,
|
137 |
+
"eval_loss": 0.3088470995426178,
|
138 |
+
"eval_runtime": 9.2392,
|
139 |
+
"eval_samples_per_second": 21.43,
|
140 |
+
"eval_steps_per_second": 5.412,
|
141 |
"step": 1500
|
142 |
},
|
143 |
{
|
144 |
+
"epoch": 7.174887892376682,
|
145 |
+
"grad_norm": 0.030851535499095917,
|
146 |
+
"learning_rate": 5.225710014947683e-06,
|
147 |
+
"loss": 0.1173,
|
148 |
"step": 1600
|
149 |
},
|
150 |
{
|
151 |
+
"epoch": 7.623318385650224,
|
152 |
+
"grad_norm": 0.03430308774113655,
|
153 |
+
"learning_rate": 4.9267563527653214e-06,
|
154 |
+
"loss": 0.1522,
|
155 |
"step": 1700
|
156 |
},
|
157 |
{
|
158 |
+
"epoch": 8.071748878923767,
|
159 |
+
"grad_norm": 4.6850409507751465,
|
160 |
+
"learning_rate": 4.62780269058296e-06,
|
161 |
+
"loss": 0.1632,
|
162 |
"step": 1800
|
163 |
},
|
164 |
{
|
165 |
+
"epoch": 8.52017937219731,
|
166 |
+
"grad_norm": 0.036871179938316345,
|
167 |
+
"learning_rate": 4.328849028400599e-06,
|
168 |
+
"loss": 0.1147,
|
169 |
"step": 1900
|
170 |
},
|
171 |
{
|
172 |
+
"epoch": 8.968609865470851,
|
173 |
+
"grad_norm": 73.54190063476562,
|
174 |
+
"learning_rate": 4.029895366218237e-06,
|
175 |
+
"loss": 0.1434,
|
176 |
"step": 2000
|
177 |
},
|
178 |
{
|
179 |
+
"epoch": 8.968609865470851,
|
180 |
+
"eval_accuracy": 0.9444444179534912,
|
181 |
+
"eval_loss": 0.349543035030365,
|
182 |
+
"eval_runtime": 9.3502,
|
183 |
+
"eval_samples_per_second": 21.176,
|
184 |
+
"eval_steps_per_second": 5.347,
|
185 |
"step": 2000
|
186 |
},
|
187 |
{
|
188 |
+
"epoch": 9.417040358744394,
|
189 |
+
"grad_norm": 0.03475332260131836,
|
190 |
+
"learning_rate": 3.7309417040358746e-06,
|
191 |
+
"loss": 0.1444,
|
192 |
"step": 2100
|
193 |
},
|
194 |
{
|
195 |
+
"epoch": 9.865470852017937,
|
196 |
+
"grad_norm": 0.26133427023887634,
|
197 |
+
"learning_rate": 3.431988041853513e-06,
|
198 |
+
"loss": 0.101,
|
199 |
"step": 2200
|
200 |
},
|
201 |
{
|
202 |
+
"epoch": 10.31390134529148,
|
203 |
+
"grad_norm": 0.03596407175064087,
|
204 |
+
"learning_rate": 3.133034379671151e-06,
|
205 |
+
"loss": 0.0849,
|
206 |
"step": 2300
|
207 |
},
|
208 |
{
|
209 |
+
"epoch": 10.762331838565022,
|
210 |
+
"grad_norm": 0.03674998879432678,
|
211 |
+
"learning_rate": 2.8340807174887896e-06,
|
212 |
+
"loss": 0.119,
|
213 |
"step": 2400
|
214 |
},
|
215 |
{
|
216 |
+
"epoch": 11.210762331838565,
|
217 |
+
"grad_norm": 0.2922690510749817,
|
218 |
+
"learning_rate": 2.538116591928251e-06,
|
219 |
+
"loss": 0.097,
|
220 |
"step": 2500
|
221 |
},
|
222 |
{
|
223 |
+
"epoch": 11.210762331838565,
|
224 |
+
"eval_accuracy": 0.939393937587738,
|
225 |
+
"eval_loss": 0.34934303164482117,
|
226 |
+
"eval_runtime": 9.3163,
|
227 |
+
"eval_samples_per_second": 21.253,
|
228 |
+
"eval_steps_per_second": 5.367,
|
229 |
"step": 2500
|
230 |
},
|
231 |
{
|
232 |
+
"epoch": 11.210762331838565,
|
233 |
+
"step": 2500,
|
234 |
+
"total_flos": 6.392309759902944e+17,
|
235 |
+
"train_loss": 0.27951997299194337,
|
236 |
+
"train_runtime": 1304.0962,
|
237 |
+
"train_samples_per_second": 20.485,
|
238 |
+
"train_steps_per_second": 2.565
|
239 |
},
|
240 |
{
|
241 |
+
"epoch": 11.210762331838565,
|
242 |
+
"eval_accuracy": 0.939393937587738,
|
243 |
+
"eval_loss": 0.28471633791923523,
|
244 |
+
"eval_runtime": 9.1496,
|
245 |
+
"eval_samples_per_second": 21.64,
|
246 |
+
"eval_steps_per_second": 5.465,
|
247 |
+
"step": 2500
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
248 |
}
|
249 |
],
|
250 |
"logging_steps": 100,
|
251 |
+
"max_steps": 3345,
|
252 |
"num_input_tokens_seen": 0,
|
253 |
"num_train_epochs": 15,
|
254 |
"save_steps": 500,
|
255 |
+
"total_flos": 6.392309759902944e+17,
|
256 |
"train_batch_size": 4,
|
257 |
"trial_name": null,
|
258 |
"trial_params": null
|
training_args.bin
CHANGED
@@ -1,3 +1,3 @@
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
-
oid sha256:
|
3 |
size 4984
|
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:11653a441445d7e0f57f6fc96f2220c1565b1734c352c0402119f682a0beb602
|
3 |
size 4984
|