agentlans commited on
Commit
a6ca6ab
1 Parent(s): 4bb16a7

Upload 13 files

Browse files
README.md CHANGED
@@ -5,57 +5,111 @@ base_model: agentlans/deberta-v3-xsmall-zyda-2
5
  tags:
6
  - generated_from_trainer
7
  model-index:
8
- - name: deberta-v3-xsmall-zyda-2-readability
9
  results: []
10
  ---
11
 
12
- <!-- This model card has been generated automatically according to the information the Trainer had access to. You
13
- should probably proofread and complete it, then remove this comment. -->
14
-
15
- # deberta-v3-xsmall-zyda-2-readability
16
-
17
- This model is a fine-tuned version of [agentlans/deberta-v3-xsmall-zyda-2](https://huggingface.co/agentlans/deberta-v3-xsmall-zyda-2) on an unknown dataset.
18
- It achieves the following results on the evaluation set:
19
- - Loss: 0.7798
20
- - Mse: 0.7798
21
-
22
- ## Model description
23
-
24
- More information needed
25
-
26
- ## Intended uses & limitations
27
-
28
- More information needed
29
-
30
- ## Training and evaluation data
31
-
32
- More information needed
33
-
34
- ## Training procedure
35
-
36
- ### Training hyperparameters
37
-
38
- The following hyperparameters were used during training:
39
- - learning_rate: 5e-05
40
- - train_batch_size: 64
41
- - eval_batch_size: 8
42
- - seed: 42
43
- - optimizer: Use adamw_torch with betas=(0.9,0.999) and epsilon=1e-08 and optimizer_args=No additional optimizer arguments
44
- - lr_scheduler_type: linear
45
- - num_epochs: 3.0
46
-
47
- ### Training results
48
-
49
- | Training Loss | Epoch | Step | Validation Loss | Mse |
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
50
  |:-------------:|:-----:|:-----:|:---------------:|:------:|
51
- | 0.7074 | 1.0 | 13589 | 1.1765 | 1.1765 |
52
- | 0.5843 | 2.0 | 27178 | 0.9119 | 0.9119 |
53
- | 0.519 | 3.0 | 40767 | 0.7798 | 0.7798 |
54
-
55
-
56
- ### Framework versions
57
-
58
- - Transformers 4.46.3
59
- - Pytorch 2.5.1+cu124
60
- - Datasets 3.1.0
61
- - Tokenizers 0.20.3
 
5
  tags:
6
  - generated_from_trainer
7
  model-index:
8
+ - name: deberta-v3-xsmall-zyda-2-transformed-readability-new
9
  results: []
10
  ---
11
 
12
+ # deberta-v3-xsmall-zyda-2-transformed-readability-new
13
+
14
+ ## Model Overview
15
+
16
+ This model is a fine-tuned version of [agentlans/deberta-v3-xsmall-zyda-2](https://huggingface.co/agentlans/deberta-v3-xsmall-zyda-2) designed to predict text readability. It achieves the following results on the evaluation set:
17
+ - Loss: 0.0273
18
+ - MSE: 0.0273
19
+
20
+ ## Dataset Description
21
+
22
+ The [dataset used for training](https://huggingface.co/datasets/agentlans/readability) comprises approximately 800&thinsp;000 paragraphs with corresponding readability metrics from four diverse sources:
23
+
24
+ 1. HuggingFace's Fineweb-Edu
25
+ 2. Ronen Eldan's TinyStories
26
+ 3. Wikipedia-2023-11-embed-multilingual-v3 (English only)
27
+ 4. ArXiv Abstracts-2021
28
+
29
+ - **Text Length**: 50 to 2000 characters per paragraph
30
+ - **Readability Grade**: Median of six readability metrics (Flesch-Kincaid, Gunning Fog, SMOG, Automated Readability Index, Coleman-Liau, Linsear Write)
31
+
32
+ ### [Data Transformation](https://huggingface.co/datasets/agentlans/text-stats#readability-score-calculation)
33
+ - U.S. reading grade levels were transformed using the Box-Cox method (λ = 0.8766912)
34
+ - Standardization and scale inversion were applied to generate 'readability' scores
35
+ - Higher scores indicate easier readability
36
+
37
+ ### Transformation Statistics
38
+ - λ (lambda) = 0.8766912
39
+ - Mean (before standardization) = 7.908629
40
+ - Standard deviation (before standardization) = 3.339119
41
+
42
+ ## Usage Example
43
+
44
+ ```python
45
+ import torch
46
+ import numpy as np
47
+ from transformers import AutoModelForSequenceClassification, AutoTokenizer
48
+
49
+ # Device setup
50
+ device = torch.device("cuda" if torch.cuda.is_available() else "cpu")
51
+
52
+ # Load model and tokenizer
53
+ model_name = "agentlans/deberta-v3-xsmall-zyda-2-readability"
54
+ model = AutoModelForSequenceClassification.from_pretrained(model_name, num_labels=1).to(device)
55
+ tokenizer = AutoTokenizer.from_pretrained(model_name)
56
+
57
+ # Prediction function
58
+ def predict_score(text):
59
+ inputs = tokenizer(text, return_tensors="pt", padding=True, truncation=True).to(device)
60
+ with torch.no_grad():
61
+ logits = model(**inputs).logits
62
+ return logits.item()
63
+
64
+ # Grade level conversion function
65
+ def grade_level(y):
66
+ lambda_, mean, sd = 0.8766912, 7.908629, 3.339119
67
+ y_unstd = (-y) * sd + mean
68
+ return np.power((y_unstd * lambda_ + 1), (1 / lambda_))
69
+
70
+ # Example
71
+ input_text = "The mitochondria is the powerhouse of the cell."
72
+ readability = predict_score(input_text)
73
+ grade = grade_level(readability)
74
+ print(f"Predicted score: {readability:.2f}\nGrade: {grade:.1f}")
75
+ ```
76
+
77
+ ## Sample Outputs
78
+
79
+ | Text | Readability | Grade |
80
+ |------|------------:|------:|
81
+ | I like to eat apples. | 2.21 | 1.6 |
82
+ | The cat is on the mat. | 2.17 | 1.7 |
83
+ | Birds are singing in the trees. | 2.05 | 2.1 |
84
+ | The sun is shining brightly today. | 1.95 | 2.5 |
85
+ | She enjoys reading books in her free time. | 1.84 | 2.9 |
86
+ | The quick brown fox jumps over the lazy dog. | 1.75 | 3.2 |
87
+ | After a long day at work, he finally relaxed with a cup of tea. | 1.21 | 5.4 |
88
+ | As the storm approached, the sky turned a deep shade of gray, casting an eerie shadow over the landscape. | 0.54 | 8.2 |
89
+ | Despite the challenges they faced, the team remained resolute in their pursuit of excellence and innovation. | -0.52 | 13.0 |
90
+ | In a world increasingly dominated by technology, the delicate balance between human connection and digital interaction has become a focal point of contemporary discourse. | -1.91 | 19.5 |
91
+
92
+ ## Training Procedure
93
+
94
+ ### Hyperparameters
95
+ - Learning rate: 5e-05
96
+ - Train batch size: 64
97
+ - Eval batch size: 8
98
+ - Seed: 42
99
+ - Optimizer: AdamW (betas=(0.9,0.999), epsilon=1e-08)
100
+ - LR scheduler: Linear
101
+ - Number of epochs: 3.0
102
+
103
+ ### Training Results
104
+
105
+ | Training Loss | Epoch | Step | Validation Loss | MSE |
106
  |:-------------:|:-----:|:-----:|:---------------:|:------:|
107
+ | 0.0297 | 1.0 | 13589 | 0.0302 | 0.0302 |
108
+ | 0.0249 | 2.0 | 27178 | 0.0279 | 0.0279 |
109
+ | 0.0218 | 3.0 | 40767 | 0.0273 | 0.0273 |
110
+
111
+ ## Framework Versions
112
+ - Transformers: 4.46.3
113
+ - PyTorch: 2.5.1+cu124
114
+ - Datasets: 3.1.0
115
+ - Tokenizers: 0.20.3
 
 
all_results.json CHANGED
@@ -1,15 +1,15 @@
1
  {
2
  "epoch": 3.0,
3
- "eval_loss": 0.7798499464988708,
4
- "eval_mse": 0.7798499701682378,
5
- "eval_runtime": 50.5561,
6
  "eval_samples": 50000,
7
- "eval_samples_per_second": 989.0,
8
- "eval_steps_per_second": 123.625,
9
  "total_flos": 4.296607448400461e+16,
10
- "train_loss": 0.8136542444680382,
11
- "train_runtime": 5173.0086,
12
  "train_samples": 869663,
13
- "train_samples_per_second": 504.347,
14
- "train_steps_per_second": 7.881
15
  }
 
1
  {
2
  "epoch": 3.0,
3
+ "eval_loss": 0.02727937512099743,
4
+ "eval_mse": 0.027279374637490018,
5
+ "eval_runtime": 52.9942,
6
  "eval_samples": 50000,
7
+ "eval_samples_per_second": 943.499,
8
+ "eval_steps_per_second": 117.937,
9
  "total_flos": 4.296607448400461e+16,
10
+ "train_loss": 0.028245126846964373,
11
+ "train_runtime": 5158.77,
12
  "train_samples": 869663,
13
+ "train_samples_per_second": 505.739,
14
+ "train_steps_per_second": 7.902
15
  }
eval_results.json CHANGED
@@ -1,9 +1,9 @@
1
  {
2
  "epoch": 3.0,
3
- "eval_loss": 0.7798499464988708,
4
- "eval_mse": 0.7798499701682378,
5
- "eval_runtime": 50.5561,
6
  "eval_samples": 50000,
7
- "eval_samples_per_second": 989.0,
8
- "eval_steps_per_second": 123.625
9
  }
 
1
  {
2
  "epoch": 3.0,
3
+ "eval_loss": 0.02727937512099743,
4
+ "eval_mse": 0.027279374637490018,
5
+ "eval_runtime": 52.9942,
6
  "eval_samples": 50000,
7
+ "eval_samples_per_second": 943.499,
8
+ "eval_steps_per_second": 117.937
9
  }
model.safetensors CHANGED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:495e86a2e1dcf8d1d0785394284c87a64aa9bec1b3e12e7dea159fffb0a0b851
3
  size 283345892
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:323d9dec68b5d1b6bc4b835e4eae09de1ecd00df2e461882386614ac8e17be56
3
  size 283345892
train_results.json CHANGED
@@ -1,9 +1,9 @@
1
  {
2
  "epoch": 3.0,
3
  "total_flos": 4.296607448400461e+16,
4
- "train_loss": 0.8136542444680382,
5
- "train_runtime": 5173.0086,
6
  "train_samples": 869663,
7
- "train_samples_per_second": 504.347,
8
- "train_steps_per_second": 7.881
9
  }
 
1
  {
2
  "epoch": 3.0,
3
  "total_flos": 4.296607448400461e+16,
4
+ "train_loss": 0.028245126846964373,
5
+ "train_runtime": 5158.77,
6
  "train_samples": 869663,
7
+ "train_samples_per_second": 505.739,
8
+ "train_steps_per_second": 7.902
9
  }
trainer_state.json CHANGED
@@ -1,6 +1,6 @@
1
  {
2
- "best_metric": 0.7798499464988708,
3
- "best_model_checkpoint": "deberta-v3-xsmall-zyda-2-readability/checkpoint-40767",
4
  "epoch": 3.0,
5
  "eval_steps": 500,
6
  "global_step": 40767,
@@ -10,606 +10,606 @@
10
  "log_history": [
11
  {
12
  "epoch": 0.03679446611229671,
13
- "grad_norm": 16.423442840576172,
14
  "learning_rate": 4.9386758898128385e-05,
15
- "loss": 13.8081,
16
  "step": 500
17
  },
18
  {
19
  "epoch": 0.07358893222459342,
20
- "grad_norm": 30.925838470458984,
21
  "learning_rate": 4.877351779625678e-05,
22
- "loss": 1.2516,
23
  "step": 1000
24
  },
25
  {
26
  "epoch": 0.11038339833689013,
27
- "grad_norm": 7.902581214904785,
28
  "learning_rate": 4.8160276694385164e-05,
29
- "loss": 1.0974,
30
  "step": 1500
31
  },
32
  {
33
  "epoch": 0.14717786444918685,
34
- "grad_norm": 23.696027755737305,
35
  "learning_rate": 4.754703559251355e-05,
36
- "loss": 0.9989,
37
  "step": 2000
38
  },
39
  {
40
  "epoch": 0.18397233056148354,
41
- "grad_norm": 6.253603935241699,
42
  "learning_rate": 4.693379449064194e-05,
43
- "loss": 0.9566,
44
  "step": 2500
45
  },
46
  {
47
  "epoch": 0.22076679667378027,
48
- "grad_norm": 15.503094673156738,
49
  "learning_rate": 4.632055338877033e-05,
50
- "loss": 0.9294,
51
  "step": 3000
52
  },
53
  {
54
  "epoch": 0.257561262786077,
55
- "grad_norm": 10.995322227478027,
56
  "learning_rate": 4.570731228689872e-05,
57
- "loss": 0.9277,
58
  "step": 3500
59
  },
60
  {
61
  "epoch": 0.2943557288983737,
62
- "grad_norm": 35.4528694152832,
63
  "learning_rate": 4.509407118502711e-05,
64
- "loss": 0.8674,
65
  "step": 4000
66
  },
67
  {
68
  "epoch": 0.3311501950106704,
69
- "grad_norm": 28.436100006103516,
70
  "learning_rate": 4.448083008315549e-05,
71
- "loss": 0.8675,
72
  "step": 4500
73
  },
74
  {
75
  "epoch": 0.3679446611229671,
76
- "grad_norm": 8.568737983703613,
77
  "learning_rate": 4.386758898128389e-05,
78
- "loss": 0.8243,
79
  "step": 5000
80
  },
81
  {
82
  "epoch": 0.40473912723526384,
83
- "grad_norm": 11.543416976928711,
84
  "learning_rate": 4.325434787941227e-05,
85
- "loss": 0.8138,
86
  "step": 5500
87
  },
88
  {
89
  "epoch": 0.44153359334756054,
90
- "grad_norm": 8.195497512817383,
91
  "learning_rate": 4.264110677754066e-05,
92
- "loss": 0.7986,
93
  "step": 6000
94
  },
95
  {
96
  "epoch": 0.47832805945985724,
97
- "grad_norm": 11.104621887207031,
98
  "learning_rate": 4.202786567566905e-05,
99
- "loss": 0.7888,
100
  "step": 6500
101
  },
102
  {
103
  "epoch": 0.515122525572154,
104
- "grad_norm": 18.536165237426758,
105
  "learning_rate": 4.141462457379743e-05,
106
- "loss": 0.7736,
107
  "step": 7000
108
  },
109
  {
110
  "epoch": 0.5519169916844506,
111
- "grad_norm": 12.101081848144531,
112
  "learning_rate": 4.080138347192582e-05,
113
- "loss": 0.7731,
114
  "step": 7500
115
  },
116
  {
117
  "epoch": 0.5887114577967474,
118
- "grad_norm": 41.568119049072266,
119
  "learning_rate": 4.018814237005421e-05,
120
- "loss": 0.7695,
121
  "step": 8000
122
  },
123
  {
124
  "epoch": 0.625505923909044,
125
- "grad_norm": 34.703407287597656,
126
  "learning_rate": 3.95749012681826e-05,
127
- "loss": 0.7647,
128
  "step": 8500
129
  },
130
  {
131
  "epoch": 0.6623003900213408,
132
- "grad_norm": 5.127053737640381,
133
  "learning_rate": 3.896166016631099e-05,
134
- "loss": 0.7568,
135
  "step": 9000
136
  },
137
  {
138
  "epoch": 0.6990948561336375,
139
- "grad_norm": 23.96383285522461,
140
  "learning_rate": 3.834841906443938e-05,
141
- "loss": 0.7503,
142
  "step": 9500
143
  },
144
  {
145
  "epoch": 0.7358893222459342,
146
- "grad_norm": 21.276172637939453,
147
  "learning_rate": 3.773517796256776e-05,
148
- "loss": 0.7243,
149
  "step": 10000
150
  },
151
  {
152
  "epoch": 0.7726837883582309,
153
- "grad_norm": 9.888713836669922,
154
  "learning_rate": 3.712193686069616e-05,
155
- "loss": 0.7263,
156
  "step": 10500
157
  },
158
  {
159
  "epoch": 0.8094782544705277,
160
- "grad_norm": 10.007771492004395,
161
  "learning_rate": 3.650869575882454e-05,
162
- "loss": 0.7163,
163
  "step": 11000
164
  },
165
  {
166
  "epoch": 0.8462727205828243,
167
- "grad_norm": 10.484025955200195,
168
  "learning_rate": 3.589545465695293e-05,
169
- "loss": 0.7059,
170
  "step": 11500
171
  },
172
  {
173
  "epoch": 0.8830671866951211,
174
- "grad_norm": 8.901969909667969,
175
  "learning_rate": 3.528221355508132e-05,
176
- "loss": 0.6982,
177
  "step": 12000
178
  },
179
  {
180
  "epoch": 0.9198616528074177,
181
- "grad_norm": 24.126110076904297,
182
  "learning_rate": 3.466897245320971e-05,
183
- "loss": 0.7096,
184
  "step": 12500
185
  },
186
  {
187
  "epoch": 0.9566561189197145,
188
- "grad_norm": 6.792783260345459,
189
  "learning_rate": 3.405573135133809e-05,
190
- "loss": 0.7046,
191
  "step": 13000
192
  },
193
  {
194
  "epoch": 0.9934505850320112,
195
- "grad_norm": 16.441293716430664,
196
  "learning_rate": 3.344249024946648e-05,
197
- "loss": 0.7074,
198
  "step": 13500
199
  },
200
  {
201
  "epoch": 1.0,
202
- "eval_loss": 1.17648184299469,
203
- "eval_mse": 1.1764817839641581,
204
- "eval_runtime": 51.1635,
205
- "eval_samples_per_second": 977.258,
206
- "eval_steps_per_second": 122.157,
207
  "step": 13589
208
  },
209
  {
210
  "epoch": 1.030245051144308,
211
- "grad_norm": 11.408621788024902,
212
  "learning_rate": 3.282924914759487e-05,
213
- "loss": 0.65,
214
  "step": 14000
215
  },
216
  {
217
  "epoch": 1.0670395172566045,
218
- "grad_norm": 8.84099006652832,
219
  "learning_rate": 3.221600804572326e-05,
220
- "loss": 0.6433,
221
  "step": 14500
222
  },
223
  {
224
  "epoch": 1.1038339833689013,
225
- "grad_norm": 8.65352725982666,
226
  "learning_rate": 3.160276694385165e-05,
227
- "loss": 0.6161,
228
  "step": 15000
229
  },
230
  {
231
  "epoch": 1.140628449481198,
232
- "grad_norm": 7.572135925292969,
233
  "learning_rate": 3.098952584198003e-05,
234
- "loss": 0.6326,
235
  "step": 15500
236
  },
237
  {
238
  "epoch": 1.1774229155934948,
239
- "grad_norm": 6.609086513519287,
240
  "learning_rate": 3.0376284740108423e-05,
241
- "loss": 0.6327,
242
  "step": 16000
243
  },
244
  {
245
  "epoch": 1.2142173817057915,
246
- "grad_norm": 9.266849517822266,
247
  "learning_rate": 2.976304363823681e-05,
248
- "loss": 0.6375,
249
  "step": 16500
250
  },
251
  {
252
  "epoch": 1.2510118478180883,
253
- "grad_norm": 13.321990013122559,
254
  "learning_rate": 2.91498025363652e-05,
255
- "loss": 0.645,
256
  "step": 17000
257
  },
258
  {
259
  "epoch": 1.2878063139303848,
260
- "grad_norm": 5.256217956542969,
261
  "learning_rate": 2.8536561434493587e-05,
262
- "loss": 0.623,
263
  "step": 17500
264
  },
265
  {
266
  "epoch": 1.3246007800426816,
267
- "grad_norm": 12.81368637084961,
268
  "learning_rate": 2.7923320332621977e-05,
269
- "loss": 0.6314,
270
  "step": 18000
271
  },
272
  {
273
  "epoch": 1.3613952461549783,
274
- "grad_norm": 11.609545707702637,
275
  "learning_rate": 2.7310079230750363e-05,
276
- "loss": 0.6308,
277
  "step": 18500
278
  },
279
  {
280
  "epoch": 1.398189712267275,
281
- "grad_norm": 6.967829704284668,
282
  "learning_rate": 2.6696838128878755e-05,
283
- "loss": 0.6245,
284
  "step": 19000
285
  },
286
  {
287
  "epoch": 1.4349841783795716,
288
- "grad_norm": 8.6737642288208,
289
  "learning_rate": 2.6083597027007138e-05,
290
- "loss": 0.6259,
291
  "step": 19500
292
  },
293
  {
294
  "epoch": 1.4717786444918683,
295
- "grad_norm": 6.064223766326904,
296
  "learning_rate": 2.5470355925135524e-05,
297
- "loss": 0.624,
298
  "step": 20000
299
  },
300
  {
301
  "epoch": 1.508573110604165,
302
- "grad_norm": 8.55582046508789,
303
  "learning_rate": 2.4857114823263916e-05,
304
- "loss": 0.608,
305
  "step": 20500
306
  },
307
  {
308
  "epoch": 1.5453675767164619,
309
- "grad_norm": 12.90141487121582,
310
  "learning_rate": 2.4243873721392306e-05,
311
- "loss": 0.6186,
312
  "step": 21000
313
  },
314
  {
315
  "epoch": 1.5821620428287586,
316
- "grad_norm": 12.488966941833496,
317
  "learning_rate": 2.3630632619520692e-05,
318
- "loss": 0.601,
319
  "step": 21500
320
  },
321
  {
322
  "epoch": 1.6189565089410554,
323
- "grad_norm": 23.348468780517578,
324
  "learning_rate": 2.301739151764908e-05,
325
- "loss": 0.6045,
326
  "step": 22000
327
  },
328
  {
329
  "epoch": 1.6557509750533521,
330
- "grad_norm": 5.677742004394531,
331
  "learning_rate": 2.2404150415777467e-05,
332
- "loss": 0.6029,
333
  "step": 22500
334
  },
335
  {
336
  "epoch": 1.6925454411656486,
337
- "grad_norm": 8.58395004272461,
338
  "learning_rate": 2.1790909313905856e-05,
339
- "loss": 0.6035,
340
  "step": 23000
341
  },
342
  {
343
  "epoch": 1.7293399072779454,
344
- "grad_norm": 10.593660354614258,
345
  "learning_rate": 2.1177668212034242e-05,
346
- "loss": 0.5971,
347
  "step": 23500
348
  },
349
  {
350
  "epoch": 1.7661343733902422,
351
- "grad_norm": 16.008560180664062,
352
  "learning_rate": 2.056442711016263e-05,
353
- "loss": 0.5921,
354
  "step": 24000
355
  },
356
  {
357
  "epoch": 1.8029288395025387,
358
- "grad_norm": 34.0599365234375,
359
  "learning_rate": 1.995118600829102e-05,
360
- "loss": 0.586,
361
  "step": 24500
362
  },
363
  {
364
  "epoch": 1.8397233056148354,
365
- "grad_norm": 20.452659606933594,
366
  "learning_rate": 1.933794490641941e-05,
367
- "loss": 0.5962,
368
  "step": 25000
369
  },
370
  {
371
  "epoch": 1.8765177717271322,
372
- "grad_norm": 21.741378784179688,
373
  "learning_rate": 1.8724703804547796e-05,
374
- "loss": 0.586,
375
  "step": 25500
376
  },
377
  {
378
  "epoch": 1.913312237839429,
379
- "grad_norm": 9.27108097076416,
380
  "learning_rate": 1.8111462702676185e-05,
381
- "loss": 0.5811,
382
  "step": 26000
383
  },
384
  {
385
  "epoch": 1.9501067039517257,
386
- "grad_norm": 25.552701950073242,
387
  "learning_rate": 1.7498221600804575e-05,
388
- "loss": 0.5897,
389
  "step": 26500
390
  },
391
  {
392
  "epoch": 1.9869011700640224,
393
- "grad_norm": 7.014336585998535,
394
  "learning_rate": 1.688498049893296e-05,
395
- "loss": 0.5843,
396
  "step": 27000
397
  },
398
  {
399
  "epoch": 2.0,
400
- "eval_loss": 0.9118738770484924,
401
- "eval_mse": 0.9118738873106327,
402
- "eval_runtime": 50.7686,
403
- "eval_samples_per_second": 984.861,
404
- "eval_steps_per_second": 123.108,
405
  "step": 27178
406
  },
407
  {
408
  "epoch": 2.023695636176319,
409
- "grad_norm": 6.413208961486816,
410
  "learning_rate": 1.627173939706135e-05,
411
- "loss": 0.5492,
412
  "step": 27500
413
  },
414
  {
415
  "epoch": 2.060490102288616,
416
- "grad_norm": 6.586884498596191,
417
  "learning_rate": 1.565849829518974e-05,
418
- "loss": 0.5432,
419
  "step": 28000
420
  },
421
  {
422
  "epoch": 2.0972845684009127,
423
- "grad_norm": 17.055835723876953,
424
  "learning_rate": 1.5045257193318127e-05,
425
- "loss": 0.5393,
426
  "step": 28500
427
  },
428
  {
429
  "epoch": 2.134079034513209,
430
- "grad_norm": 13.087154388427734,
431
  "learning_rate": 1.4432016091446513e-05,
432
- "loss": 0.5419,
433
  "step": 29000
434
  },
435
  {
436
  "epoch": 2.1708735006255058,
437
- "grad_norm": 4.83110237121582,
438
  "learning_rate": 1.38187749895749e-05,
439
- "loss": 0.5357,
440
  "step": 29500
441
  },
442
  {
443
  "epoch": 2.2076679667378025,
444
- "grad_norm": 11.013864517211914,
445
  "learning_rate": 1.320553388770329e-05,
446
- "loss": 0.5411,
447
  "step": 30000
448
  },
449
  {
450
  "epoch": 2.2444624328500993,
451
- "grad_norm": 21.888784408569336,
452
  "learning_rate": 1.2592292785831677e-05,
453
- "loss": 0.5446,
454
  "step": 30500
455
  },
456
  {
457
  "epoch": 2.281256898962396,
458
- "grad_norm": 4.124610424041748,
459
  "learning_rate": 1.1979051683960066e-05,
460
- "loss": 0.5364,
461
  "step": 31000
462
  },
463
  {
464
  "epoch": 2.318051365074693,
465
- "grad_norm": 6.587899208068848,
466
  "learning_rate": 1.1365810582088454e-05,
467
- "loss": 0.5298,
468
  "step": 31500
469
  },
470
  {
471
  "epoch": 2.3548458311869895,
472
- "grad_norm": 4.52357816696167,
473
  "learning_rate": 1.0752569480216842e-05,
474
- "loss": 0.5324,
475
  "step": 32000
476
  },
477
  {
478
  "epoch": 2.3916402972992863,
479
- "grad_norm": 6.613998889923096,
480
  "learning_rate": 1.0139328378345231e-05,
481
- "loss": 0.5389,
482
  "step": 32500
483
  },
484
  {
485
  "epoch": 2.428434763411583,
486
- "grad_norm": 8.802297592163086,
487
  "learning_rate": 9.526087276473619e-06,
488
- "loss": 0.527,
489
  "step": 33000
490
  },
491
  {
492
  "epoch": 2.46522922952388,
493
- "grad_norm": 8.77059268951416,
494
  "learning_rate": 8.912846174602008e-06,
495
- "loss": 0.5203,
496
  "step": 33500
497
  },
498
  {
499
  "epoch": 2.5020236956361765,
500
- "grad_norm": 6.136614799499512,
501
  "learning_rate": 8.299605072730394e-06,
502
- "loss": 0.5269,
503
  "step": 34000
504
  },
505
  {
506
  "epoch": 2.5388181617484733,
507
- "grad_norm": 6.427796363830566,
508
  "learning_rate": 7.686363970858783e-06,
509
- "loss": 0.5215,
510
  "step": 34500
511
  },
512
  {
513
  "epoch": 2.5756126278607696,
514
- "grad_norm": 8.561346054077148,
515
  "learning_rate": 7.073122868987171e-06,
516
- "loss": 0.5373,
517
  "step": 35000
518
  },
519
  {
520
  "epoch": 2.6124070939730664,
521
- "grad_norm": 4.508603096008301,
522
  "learning_rate": 6.459881767115559e-06,
523
- "loss": 0.5319,
524
  "step": 35500
525
  },
526
  {
527
  "epoch": 2.649201560085363,
528
- "grad_norm": 13.598175048828125,
529
  "learning_rate": 5.846640665243948e-06,
530
- "loss": 0.524,
531
  "step": 36000
532
  },
533
  {
534
  "epoch": 2.68599602619766,
535
- "grad_norm": 4.264435291290283,
536
  "learning_rate": 5.233399563372335e-06,
537
- "loss": 0.5221,
538
  "step": 36500
539
  },
540
  {
541
  "epoch": 2.7227904923099566,
542
- "grad_norm": 7.450808525085449,
543
  "learning_rate": 4.620158461500724e-06,
544
- "loss": 0.5295,
545
  "step": 37000
546
  },
547
  {
548
  "epoch": 2.7595849584222534,
549
- "grad_norm": 9.741497039794922,
550
  "learning_rate": 4.006917359629112e-06,
551
- "loss": 0.5195,
552
  "step": 37500
553
  },
554
  {
555
  "epoch": 2.79637942453455,
556
- "grad_norm": 14.861910820007324,
557
  "learning_rate": 3.3936762577575e-06,
558
- "loss": 0.5245,
559
  "step": 38000
560
  },
561
  {
562
  "epoch": 2.8331738906468464,
563
- "grad_norm": 9.222199440002441,
564
  "learning_rate": 2.7804351558858883e-06,
565
- "loss": 0.5041,
566
  "step": 38500
567
  },
568
  {
569
  "epoch": 2.869968356759143,
570
- "grad_norm": 3.4334182739257812,
571
  "learning_rate": 2.1671940540142763e-06,
572
- "loss": 0.5206,
573
  "step": 39000
574
  },
575
  {
576
  "epoch": 2.90676282287144,
577
- "grad_norm": 3.955873489379883,
578
  "learning_rate": 1.5539529521426646e-06,
579
- "loss": 0.5085,
580
  "step": 39500
581
  },
582
  {
583
  "epoch": 2.9435572889837367,
584
- "grad_norm": 23.795787811279297,
585
  "learning_rate": 9.407118502710525e-07,
586
- "loss": 0.5159,
587
  "step": 40000
588
  },
589
  {
590
  "epoch": 2.9803517550960335,
591
- "grad_norm": 5.348132610321045,
592
  "learning_rate": 3.2747074839944075e-07,
593
- "loss": 0.519,
594
  "step": 40500
595
  },
596
  {
597
  "epoch": 3.0,
598
- "eval_loss": 0.7798499464988708,
599
- "eval_mse": 0.7798499701682378,
600
- "eval_runtime": 50.9671,
601
- "eval_samples_per_second": 981.024,
602
- "eval_steps_per_second": 122.628,
603
  "step": 40767
604
  },
605
  {
606
  "epoch": 3.0,
607
  "step": 40767,
608
  "total_flos": 4.296607448400461e+16,
609
- "train_loss": 0.8136542444680382,
610
- "train_runtime": 5173.0086,
611
- "train_samples_per_second": 504.347,
612
- "train_steps_per_second": 7.881
613
  }
614
  ],
615
  "logging_steps": 500,
 
1
  {
2
+ "best_metric": 0.02727937512099743,
3
+ "best_model_checkpoint": "deberta-v3-xsmall-zyda-2-transformed-readability-new/checkpoint-40767",
4
  "epoch": 3.0,
5
  "eval_steps": 500,
6
  "global_step": 40767,
 
10
  "log_history": [
11
  {
12
  "epoch": 0.03679446611229671,
13
+ "grad_norm": 1.7569845914840698,
14
  "learning_rate": 4.9386758898128385e-05,
15
+ "loss": 0.0913,
16
  "step": 500
17
  },
18
  {
19
  "epoch": 0.07358893222459342,
20
+ "grad_norm": 1.4311065673828125,
21
  "learning_rate": 4.877351779625678e-05,
22
+ "loss": 0.0531,
23
  "step": 1000
24
  },
25
  {
26
  "epoch": 0.11038339833689013,
27
+ "grad_norm": 0.627588152885437,
28
  "learning_rate": 4.8160276694385164e-05,
29
+ "loss": 0.0463,
30
  "step": 1500
31
  },
32
  {
33
  "epoch": 0.14717786444918685,
34
+ "grad_norm": 1.7137391567230225,
35
  "learning_rate": 4.754703559251355e-05,
36
+ "loss": 0.0419,
37
  "step": 2000
38
  },
39
  {
40
  "epoch": 0.18397233056148354,
41
+ "grad_norm": 0.31713053584098816,
42
  "learning_rate": 4.693379449064194e-05,
43
+ "loss": 0.0404,
44
  "step": 2500
45
  },
46
  {
47
  "epoch": 0.22076679667378027,
48
+ "grad_norm": 0.9696204662322998,
49
  "learning_rate": 4.632055338877033e-05,
50
+ "loss": 0.0389,
51
  "step": 3000
52
  },
53
  {
54
  "epoch": 0.257561262786077,
55
+ "grad_norm": 0.7807271480560303,
56
  "learning_rate": 4.570731228689872e-05,
57
+ "loss": 0.0383,
58
  "step": 3500
59
  },
60
  {
61
  "epoch": 0.2943557288983737,
62
+ "grad_norm": 0.7852717638015747,
63
  "learning_rate": 4.509407118502711e-05,
64
+ "loss": 0.0369,
65
  "step": 4000
66
  },
67
  {
68
  "epoch": 0.3311501950106704,
69
+ "grad_norm": 0.4416508674621582,
70
  "learning_rate": 4.448083008315549e-05,
71
+ "loss": 0.0363,
72
  "step": 4500
73
  },
74
  {
75
  "epoch": 0.3679446611229671,
76
+ "grad_norm": 0.6548042297363281,
77
  "learning_rate": 4.386758898128389e-05,
78
+ "loss": 0.0347,
79
  "step": 5000
80
  },
81
  {
82
  "epoch": 0.40473912723526384,
83
+ "grad_norm": 0.4651222825050354,
84
  "learning_rate": 4.325434787941227e-05,
85
+ "loss": 0.0349,
86
  "step": 5500
87
  },
88
  {
89
  "epoch": 0.44153359334756054,
90
+ "grad_norm": 0.6483996510505676,
91
  "learning_rate": 4.264110677754066e-05,
92
+ "loss": 0.0332,
93
  "step": 6000
94
  },
95
  {
96
  "epoch": 0.47832805945985724,
97
+ "grad_norm": 0.6971497535705566,
98
  "learning_rate": 4.202786567566905e-05,
99
+ "loss": 0.0339,
100
  "step": 6500
101
  },
102
  {
103
  "epoch": 0.515122525572154,
104
+ "grad_norm": 0.6818335652351379,
105
  "learning_rate": 4.141462457379743e-05,
106
+ "loss": 0.033,
107
  "step": 7000
108
  },
109
  {
110
  "epoch": 0.5519169916844506,
111
+ "grad_norm": 0.26788613200187683,
112
  "learning_rate": 4.080138347192582e-05,
113
+ "loss": 0.0324,
114
  "step": 7500
115
  },
116
  {
117
  "epoch": 0.5887114577967474,
118
+ "grad_norm": 0.5651209950447083,
119
  "learning_rate": 4.018814237005421e-05,
120
+ "loss": 0.0327,
121
  "step": 8000
122
  },
123
  {
124
  "epoch": 0.625505923909044,
125
+ "grad_norm": 0.526560366153717,
126
  "learning_rate": 3.95749012681826e-05,
127
+ "loss": 0.0323,
128
  "step": 8500
129
  },
130
  {
131
  "epoch": 0.6623003900213408,
132
+ "grad_norm": 0.5062350630760193,
133
  "learning_rate": 3.896166016631099e-05,
134
+ "loss": 0.0317,
135
  "step": 9000
136
  },
137
  {
138
  "epoch": 0.6990948561336375,
139
+ "grad_norm": 1.0407236814498901,
140
  "learning_rate": 3.834841906443938e-05,
141
+ "loss": 0.0313,
142
  "step": 9500
143
  },
144
  {
145
  "epoch": 0.7358893222459342,
146
+ "grad_norm": 0.2916816473007202,
147
  "learning_rate": 3.773517796256776e-05,
148
+ "loss": 0.0309,
149
  "step": 10000
150
  },
151
  {
152
  "epoch": 0.7726837883582309,
153
+ "grad_norm": 0.6440730690956116,
154
  "learning_rate": 3.712193686069616e-05,
155
+ "loss": 0.031,
156
  "step": 10500
157
  },
158
  {
159
  "epoch": 0.8094782544705277,
160
+ "grad_norm": 0.3350902199745178,
161
  "learning_rate": 3.650869575882454e-05,
162
+ "loss": 0.03,
163
  "step": 11000
164
  },
165
  {
166
  "epoch": 0.8462727205828243,
167
+ "grad_norm": 0.40470924973487854,
168
  "learning_rate": 3.589545465695293e-05,
169
+ "loss": 0.0303,
170
  "step": 11500
171
  },
172
  {
173
  "epoch": 0.8830671866951211,
174
+ "grad_norm": 0.5961210131645203,
175
  "learning_rate": 3.528221355508132e-05,
176
+ "loss": 0.0298,
177
  "step": 12000
178
  },
179
  {
180
  "epoch": 0.9198616528074177,
181
+ "grad_norm": 0.36755993962287903,
182
  "learning_rate": 3.466897245320971e-05,
183
+ "loss": 0.0303,
184
  "step": 12500
185
  },
186
  {
187
  "epoch": 0.9566561189197145,
188
+ "grad_norm": 0.3088076114654541,
189
  "learning_rate": 3.405573135133809e-05,
190
+ "loss": 0.03,
191
  "step": 13000
192
  },
193
  {
194
  "epoch": 0.9934505850320112,
195
+ "grad_norm": 0.4544014632701874,
196
  "learning_rate": 3.344249024946648e-05,
197
+ "loss": 0.0297,
198
  "step": 13500
199
  },
200
  {
201
  "epoch": 1.0,
202
+ "eval_loss": 0.03021918050944805,
203
+ "eval_mse": 0.03021917968962894,
204
+ "eval_runtime": 50.6672,
205
+ "eval_samples_per_second": 986.831,
206
+ "eval_steps_per_second": 123.354,
207
  "step": 13589
208
  },
209
  {
210
  "epoch": 1.030245051144308,
211
+ "grad_norm": 0.4768720269203186,
212
  "learning_rate": 3.282924914759487e-05,
213
+ "loss": 0.0272,
214
  "step": 14000
215
  },
216
  {
217
  "epoch": 1.0670395172566045,
218
+ "grad_norm": 0.4547971189022064,
219
  "learning_rate": 3.221600804572326e-05,
220
+ "loss": 0.0268,
221
  "step": 14500
222
  },
223
  {
224
  "epoch": 1.1038339833689013,
225
+ "grad_norm": 0.3559289276599884,
226
  "learning_rate": 3.160276694385165e-05,
227
+ "loss": 0.0259,
228
  "step": 15000
229
  },
230
  {
231
  "epoch": 1.140628449481198,
232
+ "grad_norm": 0.5827292203903198,
233
  "learning_rate": 3.098952584198003e-05,
234
+ "loss": 0.0267,
235
  "step": 15500
236
  },
237
  {
238
  "epoch": 1.1774229155934948,
239
+ "grad_norm": 0.46800583600997925,
240
  "learning_rate": 3.0376284740108423e-05,
241
+ "loss": 0.0265,
242
  "step": 16000
243
  },
244
  {
245
  "epoch": 1.2142173817057915,
246
+ "grad_norm": 0.39976394176483154,
247
  "learning_rate": 2.976304363823681e-05,
248
+ "loss": 0.0267,
249
  "step": 16500
250
  },
251
  {
252
  "epoch": 1.2510118478180883,
253
+ "grad_norm": 0.3947591185569763,
254
  "learning_rate": 2.91498025363652e-05,
255
+ "loss": 0.0272,
256
  "step": 17000
257
  },
258
  {
259
  "epoch": 1.2878063139303848,
260
+ "grad_norm": 0.2981387674808502,
261
  "learning_rate": 2.8536561434493587e-05,
262
+ "loss": 0.0262,
263
  "step": 17500
264
  },
265
  {
266
  "epoch": 1.3246007800426816,
267
+ "grad_norm": 0.6237615346908569,
268
  "learning_rate": 2.7923320332621977e-05,
269
+ "loss": 0.0268,
270
  "step": 18000
271
  },
272
  {
273
  "epoch": 1.3613952461549783,
274
+ "grad_norm": 0.6127618551254272,
275
  "learning_rate": 2.7310079230750363e-05,
276
+ "loss": 0.0265,
277
  "step": 18500
278
  },
279
  {
280
  "epoch": 1.398189712267275,
281
+ "grad_norm": 0.4457475244998932,
282
  "learning_rate": 2.6696838128878755e-05,
283
+ "loss": 0.0266,
284
  "step": 19000
285
  },
286
  {
287
  "epoch": 1.4349841783795716,
288
+ "grad_norm": 0.32558730244636536,
289
  "learning_rate": 2.6083597027007138e-05,
290
+ "loss": 0.0265,
291
  "step": 19500
292
  },
293
  {
294
  "epoch": 1.4717786444918683,
295
+ "grad_norm": 0.321478009223938,
296
  "learning_rate": 2.5470355925135524e-05,
297
+ "loss": 0.0262,
298
  "step": 20000
299
  },
300
  {
301
  "epoch": 1.508573110604165,
302
+ "grad_norm": 0.42566895484924316,
303
  "learning_rate": 2.4857114823263916e-05,
304
+ "loss": 0.0256,
305
  "step": 20500
306
  },
307
  {
308
  "epoch": 1.5453675767164619,
309
+ "grad_norm": 0.382902592420578,
310
  "learning_rate": 2.4243873721392306e-05,
311
+ "loss": 0.0264,
312
  "step": 21000
313
  },
314
  {
315
  "epoch": 1.5821620428287586,
316
+ "grad_norm": 0.45045822858810425,
317
  "learning_rate": 2.3630632619520692e-05,
318
+ "loss": 0.0253,
319
  "step": 21500
320
  },
321
  {
322
  "epoch": 1.6189565089410554,
323
+ "grad_norm": 0.317402184009552,
324
  "learning_rate": 2.301739151764908e-05,
325
+ "loss": 0.0252,
326
  "step": 22000
327
  },
328
  {
329
  "epoch": 1.6557509750533521,
330
+ "grad_norm": 0.43501928448677063,
331
  "learning_rate": 2.2404150415777467e-05,
332
+ "loss": 0.0253,
333
  "step": 22500
334
  },
335
  {
336
  "epoch": 1.6925454411656486,
337
+ "grad_norm": 0.20946815609931946,
338
  "learning_rate": 2.1790909313905856e-05,
339
+ "loss": 0.0256,
340
  "step": 23000
341
  },
342
  {
343
  "epoch": 1.7293399072779454,
344
+ "grad_norm": 0.4793068766593933,
345
  "learning_rate": 2.1177668212034242e-05,
346
+ "loss": 0.0253,
347
  "step": 23500
348
  },
349
  {
350
  "epoch": 1.7661343733902422,
351
+ "grad_norm": 0.5443638563156128,
352
  "learning_rate": 2.056442711016263e-05,
353
+ "loss": 0.0253,
354
  "step": 24000
355
  },
356
  {
357
  "epoch": 1.8029288395025387,
358
+ "grad_norm": 0.8820445537567139,
359
  "learning_rate": 1.995118600829102e-05,
360
+ "loss": 0.0248,
361
  "step": 24500
362
  },
363
  {
364
  "epoch": 1.8397233056148354,
365
+ "grad_norm": 0.6084474921226501,
366
  "learning_rate": 1.933794490641941e-05,
367
+ "loss": 0.0251,
368
  "step": 25000
369
  },
370
  {
371
  "epoch": 1.8765177717271322,
372
+ "grad_norm": 0.42228248715400696,
373
  "learning_rate": 1.8724703804547796e-05,
374
+ "loss": 0.025,
375
  "step": 25500
376
  },
377
  {
378
  "epoch": 1.913312237839429,
379
+ "grad_norm": 0.4069421887397766,
380
  "learning_rate": 1.8111462702676185e-05,
381
+ "loss": 0.0246,
382
  "step": 26000
383
  },
384
  {
385
  "epoch": 1.9501067039517257,
386
+ "grad_norm": 0.5044609904289246,
387
  "learning_rate": 1.7498221600804575e-05,
388
+ "loss": 0.0249,
389
  "step": 26500
390
  },
391
  {
392
  "epoch": 1.9869011700640224,
393
+ "grad_norm": 0.25344032049179077,
394
  "learning_rate": 1.688498049893296e-05,
395
+ "loss": 0.0249,
396
  "step": 27000
397
  },
398
  {
399
  "epoch": 2.0,
400
+ "eval_loss": 0.02789381518959999,
401
+ "eval_mse": 0.027893818228878035,
402
+ "eval_runtime": 58.0401,
403
+ "eval_samples_per_second": 861.474,
404
+ "eval_steps_per_second": 107.684,
405
  "step": 27178
406
  },
407
  {
408
  "epoch": 2.023695636176319,
409
+ "grad_norm": 0.2608506679534912,
410
  "learning_rate": 1.627173939706135e-05,
411
+ "loss": 0.023,
412
  "step": 27500
413
  },
414
  {
415
  "epoch": 2.060490102288616,
416
+ "grad_norm": 0.25890249013900757,
417
  "learning_rate": 1.565849829518974e-05,
418
+ "loss": 0.0226,
419
  "step": 28000
420
  },
421
  {
422
  "epoch": 2.0972845684009127,
423
+ "grad_norm": 0.577273428440094,
424
  "learning_rate": 1.5045257193318127e-05,
425
+ "loss": 0.0225,
426
  "step": 28500
427
  },
428
  {
429
  "epoch": 2.134079034513209,
430
+ "grad_norm": 0.3473275303840637,
431
  "learning_rate": 1.4432016091446513e-05,
432
+ "loss": 0.0228,
433
  "step": 29000
434
  },
435
  {
436
  "epoch": 2.1708735006255058,
437
+ "grad_norm": 0.2392967790365219,
438
  "learning_rate": 1.38187749895749e-05,
439
+ "loss": 0.0223,
440
  "step": 29500
441
  },
442
  {
443
  "epoch": 2.2076679667378025,
444
+ "grad_norm": 0.38996148109436035,
445
  "learning_rate": 1.320553388770329e-05,
446
+ "loss": 0.0225,
447
  "step": 30000
448
  },
449
  {
450
  "epoch": 2.2444624328500993,
451
+ "grad_norm": 0.8742114305496216,
452
  "learning_rate": 1.2592292785831677e-05,
453
+ "loss": 0.0227,
454
  "step": 30500
455
  },
456
  {
457
  "epoch": 2.281256898962396,
458
+ "grad_norm": 0.2552475929260254,
459
  "learning_rate": 1.1979051683960066e-05,
460
+ "loss": 0.0223,
461
  "step": 31000
462
  },
463
  {
464
  "epoch": 2.318051365074693,
465
+ "grad_norm": 0.3917369842529297,
466
  "learning_rate": 1.1365810582088454e-05,
467
+ "loss": 0.0222,
468
  "step": 31500
469
  },
470
  {
471
  "epoch": 2.3548458311869895,
472
+ "grad_norm": 0.31826546788215637,
473
  "learning_rate": 1.0752569480216842e-05,
474
+ "loss": 0.0221,
475
  "step": 32000
476
  },
477
  {
478
  "epoch": 2.3916402972992863,
479
+ "grad_norm": 0.3128163516521454,
480
  "learning_rate": 1.0139328378345231e-05,
481
+ "loss": 0.0226,
482
  "step": 32500
483
  },
484
  {
485
  "epoch": 2.428434763411583,
486
+ "grad_norm": 0.4479590058326721,
487
  "learning_rate": 9.526087276473619e-06,
488
+ "loss": 0.0222,
489
  "step": 33000
490
  },
491
  {
492
  "epoch": 2.46522922952388,
493
+ "grad_norm": 0.2909683883190155,
494
  "learning_rate": 8.912846174602008e-06,
495
+ "loss": 0.0217,
496
  "step": 33500
497
  },
498
  {
499
  "epoch": 2.5020236956361765,
500
+ "grad_norm": 0.30918726325035095,
501
  "learning_rate": 8.299605072730394e-06,
502
+ "loss": 0.0222,
503
  "step": 34000
504
  },
505
  {
506
  "epoch": 2.5388181617484733,
507
+ "grad_norm": 0.36887994408607483,
508
  "learning_rate": 7.686363970858783e-06,
509
+ "loss": 0.0217,
510
  "step": 34500
511
  },
512
  {
513
  "epoch": 2.5756126278607696,
514
+ "grad_norm": 0.38799503445625305,
515
  "learning_rate": 7.073122868987171e-06,
516
+ "loss": 0.0227,
517
  "step": 35000
518
  },
519
  {
520
  "epoch": 2.6124070939730664,
521
+ "grad_norm": 0.21477651596069336,
522
  "learning_rate": 6.459881767115559e-06,
523
+ "loss": 0.0219,
524
  "step": 35500
525
  },
526
  {
527
  "epoch": 2.649201560085363,
528
+ "grad_norm": 0.367152601480484,
529
  "learning_rate": 5.846640665243948e-06,
530
+ "loss": 0.0219,
531
  "step": 36000
532
  },
533
  {
534
  "epoch": 2.68599602619766,
535
+ "grad_norm": 0.2770203649997711,
536
  "learning_rate": 5.233399563372335e-06,
537
+ "loss": 0.022,
538
  "step": 36500
539
  },
540
  {
541
  "epoch": 2.7227904923099566,
542
+ "grad_norm": 0.31007689237594604,
543
  "learning_rate": 4.620158461500724e-06,
544
+ "loss": 0.022,
545
  "step": 37000
546
  },
547
  {
548
  "epoch": 2.7595849584222534,
549
+ "grad_norm": 0.27211979031562805,
550
  "learning_rate": 4.006917359629112e-06,
551
+ "loss": 0.0217,
552
  "step": 37500
553
  },
554
  {
555
  "epoch": 2.79637942453455,
556
+ "grad_norm": 0.36633121967315674,
557
  "learning_rate": 3.3936762577575e-06,
558
+ "loss": 0.022,
559
  "step": 38000
560
  },
561
  {
562
  "epoch": 2.8331738906468464,
563
+ "grad_norm": 0.3557955324649811,
564
  "learning_rate": 2.7804351558858883e-06,
565
+ "loss": 0.0211,
566
  "step": 38500
567
  },
568
  {
569
  "epoch": 2.869968356759143,
570
+ "grad_norm": 0.2332288920879364,
571
  "learning_rate": 2.1671940540142763e-06,
572
+ "loss": 0.0218,
573
  "step": 39000
574
  },
575
  {
576
  "epoch": 2.90676282287144,
577
+ "grad_norm": 0.179446280002594,
578
  "learning_rate": 1.5539529521426646e-06,
579
+ "loss": 0.0213,
580
  "step": 39500
581
  },
582
  {
583
  "epoch": 2.9435572889837367,
584
+ "grad_norm": 0.7559341192245483,
585
  "learning_rate": 9.407118502710525e-07,
586
+ "loss": 0.0215,
587
  "step": 40000
588
  },
589
  {
590
  "epoch": 2.9803517550960335,
591
+ "grad_norm": 0.2412876933813095,
592
  "learning_rate": 3.2747074839944075e-07,
593
+ "loss": 0.0218,
594
  "step": 40500
595
  },
596
  {
597
  "epoch": 3.0,
598
+ "eval_loss": 0.02727937512099743,
599
+ "eval_mse": 0.027279374637490018,
600
+ "eval_runtime": 54.5217,
601
+ "eval_samples_per_second": 917.066,
602
+ "eval_steps_per_second": 114.633,
603
  "step": 40767
604
  },
605
  {
606
  "epoch": 3.0,
607
  "step": 40767,
608
  "total_flos": 4.296607448400461e+16,
609
+ "train_loss": 0.028245126846964373,
610
+ "train_runtime": 5158.77,
611
+ "train_samples_per_second": 505.739,
612
+ "train_steps_per_second": 7.902
613
  }
614
  ],
615
  "logging_steps": 500,
training_args.bin CHANGED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:5cbf596800b58b777319a4106900f8b91d718d2aae2495835c9470de34720bc4
3
  size 5368
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:f30273452aa77f30718399ec672e7077759fe98f5d2ccfd61089212882abb1bc
3
  size 5368