Add model
Browse files- added_tokens.json +1 -0
- config.json +51 -0
- eval_results.txt +22 -0
- merges.txt +0 -0
- model_args.json +1 -0
- optimizer.pt +3 -0
- pytorch_model.bin +3 -0
- scheduler.pt +3 -0
- special_tokens_map.json +1 -0
- tokenizer_config.json +1 -0
- training_args.bin +3 -0
- vocab.json +0 -0
added_tokens.json
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
{"<e1>": 50265, "</e1>": 50266, "<e2>": 50267, "</e2>": 50268}
|
config.json
ADDED
@@ -0,0 +1,51 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"_name_or_path": "roberta-large",
|
3 |
+
"architectures": [
|
4 |
+
"RobertaForSequenceClassification"
|
5 |
+
],
|
6 |
+
"attention_probs_dropout_prob": 0.1,
|
7 |
+
"bos_token_id": 0,
|
8 |
+
"classifier_dropout": null,
|
9 |
+
"eos_token_id": 2,
|
10 |
+
"hidden_act": "gelu",
|
11 |
+
"hidden_dropout_prob": 0.1,
|
12 |
+
"hidden_size": 1024,
|
13 |
+
"id2label": {
|
14 |
+
"0": "LABEL_0",
|
15 |
+
"1": "LABEL_1",
|
16 |
+
"2": "LABEL_2",
|
17 |
+
"3": "LABEL_3",
|
18 |
+
"4": "LABEL_4",
|
19 |
+
"5": "LABEL_5",
|
20 |
+
"6": "LABEL_6",
|
21 |
+
"7": "LABEL_7",
|
22 |
+
"8": "LABEL_8",
|
23 |
+
"9": "LABEL_9"
|
24 |
+
},
|
25 |
+
"initializer_range": 0.02,
|
26 |
+
"intermediate_size": 4096,
|
27 |
+
"label2id": {
|
28 |
+
"LABEL_0": 0,
|
29 |
+
"LABEL_1": 1,
|
30 |
+
"LABEL_2": 2,
|
31 |
+
"LABEL_3": 3,
|
32 |
+
"LABEL_4": 4,
|
33 |
+
"LABEL_5": 5,
|
34 |
+
"LABEL_6": 6,
|
35 |
+
"LABEL_7": 7,
|
36 |
+
"LABEL_8": 8,
|
37 |
+
"LABEL_9": 9
|
38 |
+
},
|
39 |
+
"layer_norm_eps": 1e-05,
|
40 |
+
"max_position_embeddings": 514,
|
41 |
+
"model_type": "roberta",
|
42 |
+
"num_attention_heads": 16,
|
43 |
+
"num_hidden_layers": 24,
|
44 |
+
"pad_token_id": 1,
|
45 |
+
"position_embedding_type": "absolute",
|
46 |
+
"torch_dtype": "float32",
|
47 |
+
"transformers_version": "4.16.2",
|
48 |
+
"type_vocab_size": 1,
|
49 |
+
"use_cache": true,
|
50 |
+
"vocab_size": 50269
|
51 |
+
}
|
eval_results.txt
ADDED
@@ -0,0 +1,22 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
cls_report = precision recall f1-score support
|
2 |
+
|
3 |
+
0.0 0.7941 0.8710 0.8308 93
|
4 |
+
1.0 0.8837 0.9268 0.9048 82
|
5 |
+
2.0 0.8000 0.7500 0.7742 80
|
6 |
+
3.0 0.8824 0.9375 0.9091 16
|
7 |
+
4.0 0.8947 0.7846 0.8361 65
|
8 |
+
5.0 1.0000 1.0000 1.0000 18
|
9 |
+
6.0 0.8846 0.9200 0.9020 25
|
10 |
+
7.0 1.0000 0.8333 0.9091 18
|
11 |
+
8.0 0.9231 1.0000 0.9600 12
|
12 |
+
9.0 1.0000 1.0000 1.0000 11
|
13 |
+
|
14 |
+
accuracy 0.8619 420
|
15 |
+
macro avg 0.9063 0.9023 0.9026 420
|
16 |
+
weighted avg 0.8638 0.8619 0.8612 420
|
17 |
+
|
18 |
+
eval_loss = 0.43598400694983347
|
19 |
+
macro_f1 = 0.9025932860184268
|
20 |
+
macro_p = 0.9062620668265422
|
21 |
+
macro_r = 0.9023245728176885
|
22 |
+
mcc = 0.8363695533814596
|
merges.txt
ADDED
The diff for this file is too large to render.
See raw diff
|
|
model_args.json
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
{"adam_epsilon": 1e-08, "best_model_dir": "outputs/best_model", "cache_dir": "temp/cache_dir", "config": {}, "custom_layer_parameters": [], "custom_parameter_groups": [], "dataloader_num_workers": 1, "do_lower_case": false, "dynamic_quantize": false, "early_stopping_consider_epochs": false, "early_stopping_delta": 0, "early_stopping_metric": "eval_loss", "early_stopping_metric_minimize": true, "early_stopping_patience": 10, "encoding": null, "eval_batch_size": 64, "evaluate_during_training": true, "evaluate_during_training_silent": false, "evaluate_during_training_steps": 16, "evaluate_during_training_verbose": true, "evaluate_each_epoch": true, "fp16": false, "gradient_accumulation_steps": 1, "learning_rate": 1e-05, "local_rank": -1, "logging_steps": 16, "manual_seed": 157, "max_grad_norm": 1.0, "max_seq_length": 128, "model_name": "roberta-large", "model_type": "roberta", "multiprocessing_chunksize": 500, "n_gpu": 1, "no_cache": false, "no_save": false, "not_saved_args": [], "num_train_epochs": 5, "output_dir": "temp/outputs", "overwrite_output_dir": true, "process_count": 70, "quantized_model": false, "reprocess_input_data": true, "save_best_model": true, "save_eval_checkpoints": false, "save_model_every_epoch": false, "save_optimizer_and_scheduler": true, "save_recent_only": true, "save_steps": 16, "silent": false, "tensorboard_dir": null, "thread_count": null, "train_batch_size": 16, "train_custom_parameters_only": false, "use_cached_eval_features": false, "use_early_stopping": true, "use_multiprocessing": true, "wandb_kwargs": {"name": "roberta-large_1e-05_5_sdata"}, "wandb_project": "relation-extraction", "warmup_ratio": 0.1, "warmup_steps": 118, "weight_decay": 0, "skip_special_tokens": true, "model_class": "REModel", "labels_list": ["selection", "necessity", "none", "greater", "part-of", "equal", "greater-equal", "less-equal", "not-part-of", "less"], "labels_map": {"selection": 0, "necessity": 1, "none": 2, "greater": 3, "part-of": 4, "equal": 5, "greater-equal": 6, "less-equal": 7, "not-part-of": 8, "less": 9}, "lazy_delimiter": "\t", "lazy_labels_column": 1, "lazy_loading": false, "lazy_loading_start_line": 1, "lazy_text_a_column": null, "lazy_text_b_column": null, "lazy_text_column": 0, "onnx": false, "regression": false, "sliding_window": false, "stride": 0.8, "tie_value": 1, "special_tags": ["<e1>", "<e2>"]}
|
optimizer.pt
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:2f67335a94f875e2f86919ba929febfbaa3be375c67d2cd0c6705d416a8ac998
|
3 |
+
size 2868479493
|
pytorch_model.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:cfe46cb5cb2e1aa84630d115737f5096479e3aa5ba126d738143adbe70728425
|
3 |
+
size 1438490429
|
scheduler.pt
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:0a9c9130a6ace6632b7c2a4c73a6a07a2191d1aba9427a6a8da4c966aff99bb5
|
3 |
+
size 627
|
special_tokens_map.json
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
{"bos_token": {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, "eos_token": {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, "unk_token": {"content": "<unk>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, "sep_token": {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, "pad_token": {"content": "<pad>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, "cls_token": {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true}, "mask_token": {"content": "<mask>", "single_word": false, "lstrip": true, "rstrip": false, "normalized": true}}
|
tokenizer_config.json
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
{"errors": "replace", "unk_token": {"content": "<unk>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true, "__type": "AddedToken"}, "bos_token": {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true, "__type": "AddedToken"}, "eos_token": {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true, "__type": "AddedToken"}, "add_prefix_space": false, "sep_token": {"content": "</s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true, "__type": "AddedToken"}, "cls_token": {"content": "<s>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true, "__type": "AddedToken"}, "pad_token": {"content": "<pad>", "single_word": false, "lstrip": false, "rstrip": false, "normalized": true, "__type": "AddedToken"}, "mask_token": {"content": "<mask>", "single_word": false, "lstrip": true, "rstrip": false, "normalized": true, "__type": "AddedToken"}, "do_lower_case": false, "model_max_length": 512, "special_tokens_map_file": null, "tokenizer_file": "/home/hh2/.cache/huggingface/transformers/e16a2590deb9e6d73711d6e05bf27d832fa8c1162d807222e043ca650a556964.fc9576039592f026ad76a1c231b89aee8668488c671dfbe6616bab2ed298d730", "name_or_path": "roberta-large", "tokenizer_class": "RobertaTokenizer"}
|
training_args.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:a4e1f56e5b735aa9da9aa1f5c5f6371490155e9004b9ec9774c921574e26518b
|
3 |
+
size 2875
|
vocab.json
ADDED
The diff for this file is too large to render.
See raw diff
|
|