UniversalAlgorithmic commited on
Commit
9505a51
·
verified ·
1 Parent(s): 9824d98

Delete mrpc

Browse files
mrpc/README.md DELETED
@@ -1,79 +0,0 @@
1
- ---
2
- library_name: transformers
3
- language:
4
- - en
5
- license: apache-2.0
6
- base_model: google-bert/bert-base-cased
7
- tags:
8
- - generated_from_trainer
9
- datasets:
10
- - glue
11
- metrics:
12
- - accuracy
13
- - f1
14
- model-index:
15
- - name: mrpc
16
- results:
17
- - task:
18
- name: Text Classification
19
- type: text-classification
20
- dataset:
21
- name: GLUE MRPC
22
- type: glue
23
- args: mrpc
24
- metrics:
25
- - name: Accuracy
26
- type: accuracy
27
- value: 0.8725490196078431
28
- - name: F1
29
- type: f1
30
- value: 0.910958904109589
31
- ---
32
-
33
- <!-- This model card has been generated automatically according to the information the Trainer had access to. You
34
- should probably proofread and complete it, then remove this comment. -->
35
-
36
- # mrpc
37
-
38
- This model is a fine-tuned version of [google-bert/bert-base-cased](https://huggingface.co/google-bert/bert-base-cased) on the GLUE MRPC dataset.
39
- It achieves the following results on the evaluation set:
40
- - Loss: 0.5399
41
- - Accuracy: 0.8725
42
- - F1: 0.9110
43
- - Combined Score: 0.8918
44
-
45
- ## Model description
46
-
47
- More information needed
48
-
49
- ## Intended uses & limitations
50
-
51
- More information needed
52
-
53
- ## Training and evaluation data
54
-
55
- More information needed
56
-
57
- ## Training procedure
58
-
59
- ### Training hyperparameters
60
-
61
- The following hyperparameters were used during training:
62
- - learning_rate: 2e-05
63
- - train_batch_size: 16
64
- - eval_batch_size: 8
65
- - seed: 42
66
- - optimizer: Use adamw_torch with betas=(0.9,0.999) and epsilon=1e-08 and optimizer_args=No additional optimizer arguments
67
- - lr_scheduler_type: linear
68
- - num_epochs: 4.0
69
-
70
- ### Training results
71
-
72
-
73
-
74
- ### Framework versions
75
-
76
- - Transformers 4.49.0
77
- - Pytorch 2.6.0+cu118
78
- - Datasets 3.3.1
79
- - Tokenizers 0.21.0
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
mrpc/all_results.json DELETED
@@ -1,17 +0,0 @@
1
- {
2
- "epoch": 4.0,
3
- "eval_accuracy": 0.8725490196078431,
4
- "eval_combined_score": 0.891753961858716,
5
- "eval_f1": 0.910958904109589,
6
- "eval_loss": 0.5399143695831299,
7
- "eval_runtime": 0.8251,
8
- "eval_samples": 408,
9
- "eval_samples_per_second": 494.496,
10
- "eval_steps_per_second": 61.812,
11
- "total_flos": 985055893118976.0,
12
- "train_loss": 0.3395414849986201,
13
- "train_runtime": 89.4666,
14
- "train_samples": 3668,
15
- "train_samples_per_second": 163.994,
16
- "train_steps_per_second": 10.283
17
- }
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
mrpc/config.json DELETED
@@ -1,32 +0,0 @@
1
- {
2
- "_name_or_path": "google-bert/bert-base-cased",
3
- "architectures": [
4
- "BertForSequenceClassification"
5
- ],
6
- "attention_probs_dropout_prob": 0.1,
7
- "classifier_dropout": null,
8
- "finetuning_task": "mrpc",
9
- "gradient_checkpointing": false,
10
- "hidden_act": "gelu",
11
- "hidden_dropout_prob": 0.1,
12
- "hidden_size": 768,
13
- "initializer_range": 0.02,
14
- "intermediate_size": 3072,
15
- "label2id": {
16
- "equivalent": 1,
17
- "not_equivalent": 0
18
- },
19
- "layer_norm_eps": 1e-12,
20
- "max_position_embeddings": 512,
21
- "model_type": "bert",
22
- "num_attention_heads": 12,
23
- "num_hidden_layers": 12,
24
- "pad_token_id": 0,
25
- "position_embedding_type": "absolute",
26
- "problem_type": "single_label_classification",
27
- "torch_dtype": "float32",
28
- "transformers_version": "4.49.0",
29
- "type_vocab_size": 2,
30
- "use_cache": true,
31
- "vocab_size": 28996
32
- }
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
mrpc/eval_results.json DELETED
@@ -1,11 +0,0 @@
1
- {
2
- "epoch": 4.0,
3
- "eval_accuracy": 0.8725490196078431,
4
- "eval_combined_score": 0.891753961858716,
5
- "eval_f1": 0.910958904109589,
6
- "eval_loss": 0.5399143695831299,
7
- "eval_runtime": 0.8251,
8
- "eval_samples": 408,
9
- "eval_samples_per_second": 494.496,
10
- "eval_steps_per_second": 61.812
11
- }
 
 
 
 
 
 
 
 
 
 
 
 
mrpc/model.safetensors DELETED
@@ -1,3 +0,0 @@
1
- version https://git-lfs.github.com/spec/v1
2
- oid sha256:9492794b72d674bd0e8cb9ba3455416752f99dad63b9b55562aac0ee528ffa57
3
- size 440358464
 
 
 
 
mrpc/runs/May14_17-06-57_cs-Precision-7960-Tower/events.out.tfevents.1747256822.cs-Precision-7960-Tower.131643.0 DELETED
@@ -1,3 +0,0 @@
1
- version https://git-lfs.github.com/spec/v1
2
- oid sha256:4e48df50fb7f20a8f1ddc6fa8a3013fa18dda524cf4c5a0c62d189a6a5e5df88
3
- size 5702
 
 
 
 
mrpc/runs/May14_17-06-57_cs-Precision-7960-Tower/events.out.tfevents.1747256913.cs-Precision-7960-Tower.131643.1 DELETED
@@ -1,3 +0,0 @@
1
- version https://git-lfs.github.com/spec/v1
2
- oid sha256:228b39ae0e48b8fdf55f22f1b803c3b359889f8e18b09e9f6fb128e89a8714a6
3
- size 515
 
 
 
 
mrpc/special_tokens_map.json DELETED
@@ -1,7 +0,0 @@
1
- {
2
- "cls_token": "[CLS]",
3
- "mask_token": "[MASK]",
4
- "pad_token": "[PAD]",
5
- "sep_token": "[SEP]",
6
- "unk_token": "[UNK]"
7
- }
 
 
 
 
 
 
 
 
mrpc/tokenizer.json DELETED
The diff for this file is too large to render. See raw diff
 
mrpc/tokenizer_config.json DELETED
@@ -1,56 +0,0 @@
1
- {
2
- "added_tokens_decoder": {
3
- "0": {
4
- "content": "[PAD]",
5
- "lstrip": false,
6
- "normalized": false,
7
- "rstrip": false,
8
- "single_word": false,
9
- "special": true
10
- },
11
- "100": {
12
- "content": "[UNK]",
13
- "lstrip": false,
14
- "normalized": false,
15
- "rstrip": false,
16
- "single_word": false,
17
- "special": true
18
- },
19
- "101": {
20
- "content": "[CLS]",
21
- "lstrip": false,
22
- "normalized": false,
23
- "rstrip": false,
24
- "single_word": false,
25
- "special": true
26
- },
27
- "102": {
28
- "content": "[SEP]",
29
- "lstrip": false,
30
- "normalized": false,
31
- "rstrip": false,
32
- "single_word": false,
33
- "special": true
34
- },
35
- "103": {
36
- "content": "[MASK]",
37
- "lstrip": false,
38
- "normalized": false,
39
- "rstrip": false,
40
- "single_word": false,
41
- "special": true
42
- }
43
- },
44
- "clean_up_tokenization_spaces": false,
45
- "cls_token": "[CLS]",
46
- "do_lower_case": false,
47
- "extra_special_tokens": {},
48
- "mask_token": "[MASK]",
49
- "model_max_length": 512,
50
- "pad_token": "[PAD]",
51
- "sep_token": "[SEP]",
52
- "strip_accents": null,
53
- "tokenize_chinese_chars": true,
54
- "tokenizer_class": "BertTokenizer",
55
- "unk_token": "[UNK]"
56
- }
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
mrpc/train_results.json DELETED
@@ -1,9 +0,0 @@
1
- {
2
- "epoch": 4.0,
3
- "total_flos": 985055893118976.0,
4
- "train_loss": 0.3395414849986201,
5
- "train_runtime": 89.4666,
6
- "train_samples": 3668,
7
- "train_samples_per_second": 163.994,
8
- "train_steps_per_second": 10.283
9
- }
 
 
 
 
 
 
 
 
 
 
mrpc/trainer_state.json DELETED
@@ -1,49 +0,0 @@
1
- {
2
- "best_metric": null,
3
- "best_model_checkpoint": null,
4
- "epoch": 4.0,
5
- "eval_steps": 500,
6
- "global_step": 920,
7
- "is_hyper_param_search": false,
8
- "is_local_process_zero": true,
9
- "is_world_process_zero": true,
10
- "log_history": [
11
- {
12
- "epoch": 2.1739130434782608,
13
- "grad_norm": 3.317793846130371,
14
- "learning_rate": 9.130434782608697e-06,
15
- "loss": 0.5041,
16
- "step": 500
17
- },
18
- {
19
- "epoch": 4.0,
20
- "step": 920,
21
- "total_flos": 985055893118976.0,
22
- "train_loss": 0.3395414849986201,
23
- "train_runtime": 89.4666,
24
- "train_samples_per_second": 163.994,
25
- "train_steps_per_second": 10.283
26
- }
27
- ],
28
- "logging_steps": 500,
29
- "max_steps": 920,
30
- "num_input_tokens_seen": 0,
31
- "num_train_epochs": 4,
32
- "save_steps": 500,
33
- "stateful_callbacks": {
34
- "TrainerControl": {
35
- "args": {
36
- "should_epoch_stop": false,
37
- "should_evaluate": false,
38
- "should_log": false,
39
- "should_save": true,
40
- "should_training_stop": true
41
- },
42
- "attributes": {}
43
- }
44
- },
45
- "total_flos": 985055893118976.0,
46
- "train_batch_size": 16,
47
- "trial_name": null,
48
- "trial_params": null
49
- }
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
mrpc/training_args.bin DELETED
@@ -1,3 +0,0 @@
1
- version https://git-lfs.github.com/spec/v1
2
- oid sha256:3b34c004b1c606688816e6cfc4add9152220b152e2bb661d5bd6de763104feee
3
- size 5304
 
 
 
 
mrpc/vocab.txt DELETED
The diff for this file is too large to render. See raw diff