Corran commited on
Commit
e75f1cc
·
verified ·
1 Parent(s): 453f151

End of training

Browse files
README.md CHANGED
@@ -1,7 +1,7 @@
1
  ---
2
  library_name: transformers
3
  license: apache-2.0
4
- base_model: distilbert/distilbert-base-uncased
5
  tags:
6
  - generated_from_trainer
7
  metrics:
@@ -19,13 +19,13 @@ should probably proofread and complete it, then remove this comment. -->
19
 
20
  # my_awesome_wnut_model
21
 
22
- This model is a fine-tuned version of [distilbert/distilbert-base-uncased](https://huggingface.co/distilbert/distilbert-base-uncased) on the None dataset.
23
  It achieves the following results on the evaluation set:
24
- - Loss: 0.1176
25
- - Precision: 0.3223
26
- - Recall: 0.2889
27
- - F1: 0.3047
28
- - Accuracy: 0.9671
29
 
30
  ## Model description
31
 
@@ -44,26 +44,33 @@ More information needed
44
  ### Training hyperparameters
45
 
46
  The following hyperparameters were used during training:
47
- - learning_rate: 2e-05
48
- - train_batch_size: 16
49
- - eval_batch_size: 16
50
  - seed: 42
51
  - optimizer: Use OptimizerNames.ADAMW_TORCH with betas=(0.9,0.999) and epsilon=1e-08 and optimizer_args=No additional optimizer arguments
52
  - lr_scheduler_type: linear
53
- - num_epochs: 3
54
 
55
  ### Training results
56
 
57
- | Training Loss | Epoch | Step | Validation Loss | Precision | Recall | F1 | Accuracy |
58
- |:-------------:|:-----:|:----:|:---------------:|:---------:|:------:|:------:|:--------:|
59
- | No log | 1.0 | 37 | 0.1255 | 0.2105 | 0.1778 | 0.1928 | 0.9676 |
60
- | No log | 2.0 | 74 | 0.1204 | 0.2881 | 0.2519 | 0.2688 | 0.9669 |
61
- | No log | 3.0 | 111 | 0.1176 | 0.3223 | 0.2889 | 0.3047 | 0.9671 |
 
 
 
 
 
 
 
62
 
63
 
64
  ### Framework versions
65
 
66
- - Transformers 4.48.0
67
  - Pytorch 2.6.0+cu124
68
  - Datasets 2.14.4
69
  - Tokenizers 0.21.2
 
1
  ---
2
  library_name: transformers
3
  license: apache-2.0
4
+ base_model: sentence-transformers/all-MiniLM-L6-v2
5
  tags:
6
  - generated_from_trainer
7
  metrics:
 
19
 
20
  # my_awesome_wnut_model
21
 
22
+ This model is a fine-tuned version of [sentence-transformers/all-MiniLM-L6-v2](https://huggingface.co/sentence-transformers/all-MiniLM-L6-v2) on the None dataset.
23
  It achieves the following results on the evaluation set:
24
+ - Loss: 0.8907
25
+ - Precision: 0.0
26
+ - Recall: 0.0
27
+ - F1: 0.0
28
+ - Accuracy: 0.8995
29
 
30
  ## Model description
31
 
 
44
  ### Training hyperparameters
45
 
46
  The following hyperparameters were used during training:
47
+ - learning_rate: 2e-06
48
+ - train_batch_size: 128
49
+ - eval_batch_size: 128
50
  - seed: 42
51
  - optimizer: Use OptimizerNames.ADAMW_TORCH with betas=(0.9,0.999) and epsilon=1e-08 and optimizer_args=No additional optimizer arguments
52
  - lr_scheduler_type: linear
53
+ - num_epochs: 10
54
 
55
  ### Training results
56
 
57
+ | Training Loss | Epoch | Step | Validation Loss | Precision | Recall | F1 | Accuracy |
58
+ |:-------------:|:-----:|:----:|:---------------:|:---------:|:------:|:---:|:--------:|
59
+ | No log | 1.0 | 5 | 1.0442 | 0.0 | 0.0 | 0.0 | 0.7738 |
60
+ | No log | 2.0 | 10 | 1.0181 | 0.0 | 0.0 | 0.0 | 0.8208 |
61
+ | No log | 3.0 | 15 | 0.9938 | 0.0 | 0.0 | 0.0 | 0.8437 |
62
+ | No log | 4.0 | 20 | 0.9709 | 0.0 | 0.0 | 0.0 | 0.8601 |
63
+ | No log | 5.0 | 25 | 0.9496 | 0.0 | 0.0 | 0.0 | 0.8719 |
64
+ | No log | 6.0 | 30 | 0.9306 | 0.0 | 0.0 | 0.0 | 0.8836 |
65
+ | No log | 7.0 | 35 | 0.9143 | 0.0 | 0.0 | 0.0 | 0.8915 |
66
+ | No log | 8.0 | 40 | 0.9018 | 0.0 | 0.0 | 0.0 | 0.8958 |
67
+ | No log | 9.0 | 45 | 0.8938 | 0.0 | 0.0 | 0.0 | 0.8986 |
68
+ | No log | 10.0 | 50 | 0.8907 | 0.0 | 0.0 | 0.0 | 0.8995 |
69
 
70
 
71
  ### Framework versions
72
 
73
+ - Transformers 4.53.2
74
  - Pytorch 2.6.0+cu124
75
  - Datasets 2.14.4
76
  - Tokenizers 0.21.2
config.json CHANGED
@@ -1,34 +1,35 @@
1
  {
2
- "_name_or_path": "distilbert/distilbert-base-uncased",
3
- "activation": "gelu",
4
  "architectures": [
5
- "DistilBertForTokenClassification"
6
  ],
7
- "attention_dropout": 0.1,
8
- "dim": 768,
9
- "dropout": 0.1,
10
- "hidden_dim": 3072,
 
 
11
  "id2label": {
12
  "0": "O",
13
  "1": "B-ENTITY",
14
  "2": "I-ENTITY"
15
  },
16
  "initializer_range": 0.02,
 
17
  "label2id": {
18
  "B-ENTITY": 1,
19
  "I-ENTITY": 2,
20
  "O": 0
21
  },
 
22
  "max_position_embeddings": 512,
23
- "model_type": "distilbert",
24
- "n_heads": 12,
25
- "n_layers": 6,
26
  "pad_token_id": 0,
27
- "qa_dropout": 0.1,
28
- "seq_classif_dropout": 0.2,
29
- "sinusoidal_pos_embds": false,
30
- "tie_weights_": true,
31
  "torch_dtype": "float32",
32
- "transformers_version": "4.48.0",
 
 
33
  "vocab_size": 30522
34
  }
 
1
  {
 
 
2
  "architectures": [
3
+ "BertForTokenClassification"
4
  ],
5
+ "attention_probs_dropout_prob": 0.1,
6
+ "classifier_dropout": null,
7
+ "gradient_checkpointing": false,
8
+ "hidden_act": "gelu",
9
+ "hidden_dropout_prob": 0.1,
10
+ "hidden_size": 384,
11
  "id2label": {
12
  "0": "O",
13
  "1": "B-ENTITY",
14
  "2": "I-ENTITY"
15
  },
16
  "initializer_range": 0.02,
17
+ "intermediate_size": 1536,
18
  "label2id": {
19
  "B-ENTITY": 1,
20
  "I-ENTITY": 2,
21
  "O": 0
22
  },
23
+ "layer_norm_eps": 1e-12,
24
  "max_position_embeddings": 512,
25
+ "model_type": "bert",
26
+ "num_attention_heads": 12,
27
+ "num_hidden_layers": 6,
28
  "pad_token_id": 0,
29
+ "position_embedding_type": "absolute",
 
 
 
30
  "torch_dtype": "float32",
31
+ "transformers_version": "4.53.2",
32
+ "type_vocab_size": 2,
33
+ "use_cache": true,
34
  "vocab_size": 30522
35
  }
model.safetensors CHANGED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:14367c497e71388cfebfda2c06e1c5979e87da8d76c449b6d465a3a56ee3df68
3
- size 265473092
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:8b1a3091481cf165e1d866d1dcf30e1436da76a2db2c49e272f2e46eb71fc795
3
+ size 90277948
runs/Jul14_00-45-54_ea68994bd6cb/events.out.tfevents.1752453954.ea68994bd6cb.9476.14 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:5d41b2463975ab8130804a2a0bfe10e869916722d1acad5b8ca1ae5f7d19b4c3
3
+ size 10143
runs/Jul14_00-48-05_ea68994bd6cb/events.out.tfevents.1752454085.ea68994bd6cb.9476.15 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:47c20f370d6e62936cebead8a5966f61c791de9ae385d318a934656b9920d440
3
+ size 6485
runs/Jul14_00-55-40_ea68994bd6cb/events.out.tfevents.1752454541.ea68994bd6cb.34315.0 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:f52e7b01085c88669c5dff4b049df204fceb6b2bcb58f0ed2161a570a3ae9f84
3
+ size 5123
runs/Jul14_00-56-20_ea68994bd6cb/events.out.tfevents.1752454581.ea68994bd6cb.34315.1 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:0c6909059bffc6397a204e458bb3dd9ccd80d357c969fb122d9d17b198d0da17
3
+ size 6499
runs/Jul14_00-56-37_ea68994bd6cb/events.out.tfevents.1752454599.ea68994bd6cb.34315.2 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:12ad725266dcee3deae09f3989f7d44cef3eb0719e5df845bb3e382866f4e180
3
+ size 11681
runs/Jul14_00-57-49_ea68994bd6cb/events.out.tfevents.1752454675.ea68994bd6cb.34315.3 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:deabf3935b11890a3b14027e1ef8474ec99f4d19593ffaca1536cfa1c95d1b46
3
+ size 10107
runs/Jul14_01-01-07_ea68994bd6cb/events.out.tfevents.1752454868.ea68994bd6cb.34315.4 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:ae246d8b13dbeaf822b33b86a9365cb9960d15419b9e19231e80defcf3298d31
3
+ size 10090
special_tokens_map.json CHANGED
@@ -1,7 +1,37 @@
1
  {
2
- "cls_token": "[CLS]",
3
- "mask_token": "[MASK]",
4
- "pad_token": "[PAD]",
5
- "sep_token": "[SEP]",
6
- "unk_token": "[UNK]"
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
7
  }
 
1
  {
2
+ "cls_token": {
3
+ "content": "[CLS]",
4
+ "lstrip": false,
5
+ "normalized": false,
6
+ "rstrip": false,
7
+ "single_word": false
8
+ },
9
+ "mask_token": {
10
+ "content": "[MASK]",
11
+ "lstrip": false,
12
+ "normalized": false,
13
+ "rstrip": false,
14
+ "single_word": false
15
+ },
16
+ "pad_token": {
17
+ "content": "[PAD]",
18
+ "lstrip": false,
19
+ "normalized": false,
20
+ "rstrip": false,
21
+ "single_word": false
22
+ },
23
+ "sep_token": {
24
+ "content": "[SEP]",
25
+ "lstrip": false,
26
+ "normalized": false,
27
+ "rstrip": false,
28
+ "single_word": false
29
+ },
30
+ "unk_token": {
31
+ "content": "[UNK]",
32
+ "lstrip": false,
33
+ "normalized": false,
34
+ "rstrip": false,
35
+ "single_word": false
36
+ }
37
  }
tokenizer_config.json CHANGED
@@ -43,14 +43,23 @@
43
  },
44
  "clean_up_tokenization_spaces": false,
45
  "cls_token": "[CLS]",
 
46
  "do_lower_case": true,
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": "DistilBertTokenizer",
 
 
55
  "unk_token": "[UNK]"
56
  }
 
43
  },
44
  "clean_up_tokenization_spaces": false,
45
  "cls_token": "[CLS]",
46
+ "do_basic_tokenize": true,
47
  "do_lower_case": true,
48
  "extra_special_tokens": {},
49
  "mask_token": "[MASK]",
50
+ "max_length": 128,
51
  "model_max_length": 512,
52
+ "never_split": null,
53
+ "pad_to_multiple_of": null,
54
  "pad_token": "[PAD]",
55
+ "pad_token_type_id": 0,
56
+ "padding_side": "right",
57
  "sep_token": "[SEP]",
58
+ "stride": 0,
59
  "strip_accents": null,
60
  "tokenize_chinese_chars": true,
61
+ "tokenizer_class": "BertTokenizer",
62
+ "truncation_side": "right",
63
+ "truncation_strategy": "longest_first",
64
  "unk_token": "[UNK]"
65
  }
training_args.bin CHANGED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:f00798244c45c344061dad147cef044f59f7ffa8b0c7c653f2cda5268d1c6844
3
  size 5368
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:dea1ef3657ad8b2713f144d2e7399de9c0a02c57643b05cb494c1d51431e60e8
3
  size 5368