DanJoshua commited on
Commit
383cb85
·
verified ·
1 Parent(s): 5fd3122

Subir modelo con todos los parámetros de entrenamiento

Browse files
README.md CHANGED
@@ -19,12 +19,12 @@ should probably proofread and complete it, then remove this comment. -->
19
 
20
  This model is a fine-tuned version of [](https://huggingface.co/) on an unknown dataset.
21
  It achieves the following results on the evaluation set:
22
- - Loss: 0.0393
23
- - Accuracy: 0.9813
24
- - F1: 0.9813
25
- - Precision: 0.9813
26
- - Recall: 0.9813
27
- - Roc Auc: 0.9991
28
 
29
  ## Model description
30
 
 
19
 
20
  This model is a fine-tuned version of [](https://huggingface.co/) on an unknown dataset.
21
  It achieves the following results on the evaluation set:
22
+ - Loss: 0.0617
23
+ - Accuracy: 0.9829
24
+ - F1: 0.9829
25
+ - Precision: 0.9831
26
+ - Recall: 0.9829
27
+ - Roc Auc: 0.9983
28
 
29
  ## Model description
30
 
all_parameters.json ADDED
@@ -0,0 +1,329 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "dataset_config": {
3
+ "name_dataset": "RLVS",
4
+ "strategy": "N",
5
+ "frac_dataset": 1.0,
6
+ "val_fraction": 0.1,
7
+ "seed": 30,
8
+ "num_frames": 16,
9
+ "sample_rate": 4,
10
+ "fps": 30,
11
+ "mean": [
12
+ 0.45,
13
+ 0.45,
14
+ 0.45
15
+ ],
16
+ "std": [
17
+ 0.225,
18
+ 0.225,
19
+ 0.225
20
+ ],
21
+ "resize_to": [
22
+ 224,
23
+ 224
24
+ ]
25
+ },
26
+ "teacher_model_config": {
27
+ "return_dict": true,
28
+ "output_hidden_states": false,
29
+ "output_attentions": false,
30
+ "torchscript": false,
31
+ "torch_dtype": "float32",
32
+ "use_bfloat16": false,
33
+ "tf_legacy_loss": false,
34
+ "pruned_heads": {},
35
+ "tie_word_embeddings": true,
36
+ "chunk_size_feed_forward": 0,
37
+ "is_encoder_decoder": false,
38
+ "is_decoder": false,
39
+ "cross_attention_hidden_size": null,
40
+ "add_cross_attention": false,
41
+ "tie_encoder_decoder": false,
42
+ "max_length": 20,
43
+ "min_length": 0,
44
+ "do_sample": false,
45
+ "early_stopping": false,
46
+ "num_beams": 1,
47
+ "num_beam_groups": 1,
48
+ "diversity_penalty": 0.0,
49
+ "temperature": 1.0,
50
+ "top_k": 50,
51
+ "top_p": 1.0,
52
+ "typical_p": 1.0,
53
+ "repetition_penalty": 1.0,
54
+ "length_penalty": 1.0,
55
+ "no_repeat_ngram_size": 0,
56
+ "encoder_no_repeat_ngram_size": 0,
57
+ "bad_words_ids": null,
58
+ "num_return_sequences": 1,
59
+ "output_scores": false,
60
+ "return_dict_in_generate": false,
61
+ "forced_bos_token_id": null,
62
+ "forced_eos_token_id": null,
63
+ "remove_invalid_values": false,
64
+ "exponential_decay_length_penalty": null,
65
+ "suppress_tokens": null,
66
+ "begin_suppress_tokens": null,
67
+ "architectures": [
68
+ "MViTForVideoClassification"
69
+ ],
70
+ "finetuning_task": null,
71
+ "id2label": {
72
+ "0": "NonViolence",
73
+ "1": "Violence"
74
+ },
75
+ "label2id": {
76
+ "NonViolence": 0,
77
+ "Violence": 1
78
+ },
79
+ "tokenizer_class": null,
80
+ "prefix": null,
81
+ "bos_token_id": null,
82
+ "pad_token_id": null,
83
+ "eos_token_id": null,
84
+ "sep_token_id": null,
85
+ "decoder_start_token_id": null,
86
+ "task_specific_params": null,
87
+ "problem_type": null,
88
+ "_name_or_path": "DanJoshua/profesor_MViT_S_RLVS",
89
+ "_attn_implementation_autoset": false,
90
+ "transformers_version": "4.46.3",
91
+ "num_classes": 2,
92
+ "num_frames": 16,
93
+ "model": "MViT",
94
+ "is_pretrained": true,
95
+ "reinitialize_head": true,
96
+ "model_type": ""
97
+ },
98
+ "student_model_config": {
99
+ "return_dict": true,
100
+ "output_hidden_states": false,
101
+ "output_attentions": false,
102
+ "torchscript": false,
103
+ "torch_dtype": "float32",
104
+ "use_bfloat16": false,
105
+ "tf_legacy_loss": false,
106
+ "pruned_heads": {},
107
+ "tie_word_embeddings": true,
108
+ "chunk_size_feed_forward": 0,
109
+ "is_encoder_decoder": false,
110
+ "is_decoder": false,
111
+ "cross_attention_hidden_size": null,
112
+ "add_cross_attention": false,
113
+ "tie_encoder_decoder": false,
114
+ "max_length": 20,
115
+ "min_length": 0,
116
+ "do_sample": false,
117
+ "early_stopping": false,
118
+ "num_beams": 1,
119
+ "num_beam_groups": 1,
120
+ "diversity_penalty": 0.0,
121
+ "temperature": 1.0,
122
+ "top_k": 50,
123
+ "top_p": 1.0,
124
+ "typical_p": 1.0,
125
+ "repetition_penalty": 1.0,
126
+ "length_penalty": 1.0,
127
+ "no_repeat_ngram_size": 0,
128
+ "encoder_no_repeat_ngram_size": 0,
129
+ "bad_words_ids": null,
130
+ "num_return_sequences": 1,
131
+ "output_scores": false,
132
+ "return_dict_in_generate": false,
133
+ "forced_bos_token_id": null,
134
+ "forced_eos_token_id": null,
135
+ "remove_invalid_values": false,
136
+ "exponential_decay_length_penalty": null,
137
+ "suppress_tokens": null,
138
+ "begin_suppress_tokens": null,
139
+ "architectures": [
140
+ "MC318ForVideoClassification"
141
+ ],
142
+ "finetuning_task": null,
143
+ "id2label": {
144
+ "0": "NonViolence",
145
+ "1": "Violence"
146
+ },
147
+ "label2id": {
148
+ "NonViolence": 0,
149
+ "Violence": 1
150
+ },
151
+ "tokenizer_class": null,
152
+ "prefix": null,
153
+ "bos_token_id": null,
154
+ "pad_token_id": null,
155
+ "eos_token_id": null,
156
+ "sep_token_id": null,
157
+ "decoder_start_token_id": null,
158
+ "task_specific_params": null,
159
+ "problem_type": null,
160
+ "_name_or_path": "",
161
+ "_attn_implementation_autoset": false,
162
+ "transformers_version": "4.46.3",
163
+ "num_classes": 2,
164
+ "num_frames": 16,
165
+ "model": "MC318",
166
+ "is_pretrained": true,
167
+ "reinitialize_head": true,
168
+ "distillation_type": "kl",
169
+ "model_type": ""
170
+ },
171
+ "training_args": {
172
+ "output_dir": "estudiante_MC318_profesor_MViT_kl_RLVS",
173
+ "overwrite_output_dir": false,
174
+ "do_train": false,
175
+ "do_eval": true,
176
+ "do_predict": false,
177
+ "eval_strategy": "steps",
178
+ "prediction_loss_only": false,
179
+ "per_device_train_batch_size": 30,
180
+ "per_device_eval_batch_size": 30,
181
+ "per_gpu_train_batch_size": null,
182
+ "per_gpu_eval_batch_size": null,
183
+ "gradient_accumulation_steps": 1,
184
+ "eval_accumulation_steps": null,
185
+ "eval_delay": 0,
186
+ "torch_empty_cache_steps": null,
187
+ "learning_rate": 1e-05,
188
+ "weight_decay": 0.01,
189
+ "adam_beta1": 0.9,
190
+ "adam_beta2": 0.999,
191
+ "adam_epsilon": 1e-08,
192
+ "max_grad_norm": 1.0,
193
+ "num_train_epochs": 3.0,
194
+ "max_steps": 1590,
195
+ "lr_scheduler_type": "linear",
196
+ "lr_scheduler_kwargs": {},
197
+ "warmup_ratio": 0.0,
198
+ "warmup_steps": 159,
199
+ "log_level": "passive",
200
+ "log_level_replica": "warning",
201
+ "log_on_each_node": true,
202
+ "logging_dir": "estudiante_MC318_profesor_MViT_kl_RLVS/runs/Nov28_14-03-48_1bc960171bcc",
203
+ "logging_strategy": "steps",
204
+ "logging_first_step": false,
205
+ "logging_steps": 39,
206
+ "logging_nan_inf_filter": true,
207
+ "save_strategy": "steps",
208
+ "save_steps": 79,
209
+ "save_total_limit": null,
210
+ "save_safetensors": true,
211
+ "save_on_each_node": false,
212
+ "save_only_model": false,
213
+ "restore_callback_states_from_checkpoint": false,
214
+ "no_cuda": false,
215
+ "use_cpu": false,
216
+ "use_mps_device": false,
217
+ "seed": 42,
218
+ "data_seed": null,
219
+ "jit_mode_eval": false,
220
+ "use_ipex": false,
221
+ "bf16": false,
222
+ "fp16": true,
223
+ "fp16_opt_level": "O1",
224
+ "half_precision_backend": "auto",
225
+ "bf16_full_eval": false,
226
+ "fp16_full_eval": false,
227
+ "tf32": null,
228
+ "local_rank": 0,
229
+ "ddp_backend": null,
230
+ "tpu_num_cores": null,
231
+ "tpu_metrics_debug": false,
232
+ "debug": [],
233
+ "dataloader_drop_last": false,
234
+ "eval_steps": 79,
235
+ "dataloader_num_workers": 4,
236
+ "dataloader_prefetch_factor": null,
237
+ "past_index": -1,
238
+ "run_name": "estudiante_MC318_profesor_MViT_kl_RLVS",
239
+ "disable_tqdm": false,
240
+ "remove_unused_columns": false,
241
+ "label_names": null,
242
+ "load_best_model_at_end": true,
243
+ "metric_for_best_model": "f1",
244
+ "greater_is_better": true,
245
+ "ignore_data_skip": false,
246
+ "fsdp": [],
247
+ "fsdp_min_num_params": 0,
248
+ "fsdp_config": {
249
+ "min_num_params": 0,
250
+ "xla": false,
251
+ "xla_fsdp_v2": false,
252
+ "xla_fsdp_grad_ckpt": false
253
+ },
254
+ "fsdp_transformer_layer_cls_to_wrap": null,
255
+ "accelerator_config": {
256
+ "split_batches": false,
257
+ "dispatch_batches": null,
258
+ "even_batches": true,
259
+ "use_seedable_sampler": true,
260
+ "non_blocking": false,
261
+ "gradient_accumulation_kwargs": null
262
+ },
263
+ "deepspeed": null,
264
+ "label_smoothing_factor": 0.0,
265
+ "optim": "adamw_torch",
266
+ "optim_args": null,
267
+ "adafactor": false,
268
+ "group_by_length": false,
269
+ "length_column_name": "length",
270
+ "report_to": [
271
+ "tensorboard",
272
+ "wandb"
273
+ ],
274
+ "ddp_find_unused_parameters": null,
275
+ "ddp_bucket_cap_mb": null,
276
+ "ddp_broadcast_buffers": null,
277
+ "dataloader_pin_memory": true,
278
+ "dataloader_persistent_workers": false,
279
+ "skip_memory_metrics": true,
280
+ "use_legacy_prediction_loop": false,
281
+ "push_to_hub": true,
282
+ "resume_from_checkpoint": null,
283
+ "hub_model_id": null,
284
+ "hub_strategy": "every_save",
285
+ "hub_token": "<HUB_TOKEN>",
286
+ "hub_private_repo": false,
287
+ "hub_always_push": false,
288
+ "gradient_checkpointing": false,
289
+ "gradient_checkpointing_kwargs": null,
290
+ "include_inputs_for_metrics": false,
291
+ "include_for_metrics": [],
292
+ "eval_do_concat_batches": true,
293
+ "fp16_backend": "auto",
294
+ "evaluation_strategy": null,
295
+ "push_to_hub_model_id": null,
296
+ "push_to_hub_organization": null,
297
+ "push_to_hub_token": "<PUSH_TO_HUB_TOKEN>",
298
+ "mp_parameters": "",
299
+ "auto_find_batch_size": false,
300
+ "full_determinism": false,
301
+ "torchdynamo": null,
302
+ "ray_scope": "last",
303
+ "ddp_timeout": 1800,
304
+ "torch_compile": false,
305
+ "torch_compile_backend": null,
306
+ "torch_compile_mode": null,
307
+ "dispatch_batches": null,
308
+ "split_batches": null,
309
+ "include_tokens_per_second": false,
310
+ "include_num_input_tokens_seen": false,
311
+ "neftune_noise_alpha": null,
312
+ "optim_target_modules": null,
313
+ "batch_eval_metrics": false,
314
+ "eval_on_start": false,
315
+ "use_liger_kernel": false,
316
+ "eval_use_gather_object": false,
317
+ "average_tokens_across_devices": false
318
+ },
319
+ "batch_size": 30,
320
+ "num_epochs": 30,
321
+ "learning_rate": 1e-05,
322
+ "weight_decay": 0.01,
323
+ "early_stopping_patience": 5,
324
+ "early_stopping_threshold": 0.001,
325
+ "warmup_ratio": 0.1,
326
+ "seed": 42,
327
+ "temperature": 5.0,
328
+ "alpha": 0.3
329
+ }
all_results.json CHANGED
@@ -1,5 +1,14 @@
1
  {
2
  "epoch": 21.005660377358492,
 
 
 
 
 
 
 
 
 
3
  "total_flos": 0.0,
4
  "train_loss": 0.31929980732720614,
5
  "train_runtime": 8703.9482,
 
1
  {
2
  "epoch": 21.005660377358492,
3
+ "eval_accuracy": 0.9828947368421053,
4
+ "eval_f1": 0.9828903802026278,
5
+ "eval_loss": 0.06174745410680771,
6
+ "eval_precision": 0.9830530104282093,
7
+ "eval_recall": 0.9828947368421053,
8
+ "eval_roc_auc": 0.9983304583965473,
9
+ "eval_runtime": 152.7531,
10
+ "eval_samples_per_second": 4.975,
11
+ "eval_steps_per_second": 0.17,
12
  "total_flos": 0.0,
13
  "train_loss": 0.31929980732720614,
14
  "train_runtime": 8703.9482,
runs/Nov28_14-03-48_1bc960171bcc/events.out.tfevents.1732811495.1bc960171bcc.218059.4 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:24a40f7c86620e7914c6fbfaecb8302282f19ecfa2c717837034ecaee70b1e53
3
+ size 611
test_results.json ADDED
@@ -0,0 +1,12 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "epoch": 21.005660377358492,
3
+ "eval_accuracy": 0.9828947368421053,
4
+ "eval_f1": 0.9828903802026278,
5
+ "eval_loss": 0.06174745410680771,
6
+ "eval_precision": 0.9830530104282093,
7
+ "eval_recall": 0.9828947368421053,
8
+ "eval_roc_auc": 0.9983304583965473,
9
+ "eval_runtime": 152.7531,
10
+ "eval_samples_per_second": 4.975,
11
+ "eval_steps_per_second": 0.17
12
+ }