Sieun Park
commited on
Commit
•
fa9ca2d
1
Parent(s):
c54734a
Upload . with huggingface_hub
Browse files- .gitattributes +2 -0
- 1_Pooling/config.json +7 -0
- 2_Dense/config.json +1 -0
- 2_Dense/pytorch_model.bin +3 -0
- README.md +88 -0
- config.json +26 -0
- config_sentence_transformers.json +7 -0
- eval/mse_evaluation_TED2020-en-ja-dev.tsv.gz_results.csv +122 -0
- eval/mse_evaluation_TED2020-en-ko-dev.tsv.gz_results.csv +122 -0
- eval/similarity_evaluation_STS.en-en.txt_results.csv +122 -0
- eval/translation_evaluation_TED2020-en-ja-dev.tsv.gz_results.csv +122 -0
- eval/translation_evaluation_TED2020-en-ko-dev.tsv.gz_results.csv +122 -0
- modules.json +20 -0
- pytorch_model.bin +3 -0
- sentence_bert_config.json +4 -0
- special_tokens_map.json +15 -0
- tokenizer.json +3 -0
- tokenizer_config.json +23 -0
- unigram.json +3 -0
.gitattributes
CHANGED
@@ -32,3 +32,5 @@ saved_model/**/* filter=lfs diff=lfs merge=lfs -text
|
|
32 |
*.zip filter=lfs diff=lfs merge=lfs -text
|
33 |
*.zst filter=lfs diff=lfs merge=lfs -text
|
34 |
*tfevents* filter=lfs diff=lfs merge=lfs -text
|
|
|
|
|
|
32 |
*.zip filter=lfs diff=lfs merge=lfs -text
|
33 |
*.zst filter=lfs diff=lfs merge=lfs -text
|
34 |
*tfevents* filter=lfs diff=lfs merge=lfs -text
|
35 |
+
unigram.json filter=lfs diff=lfs merge=lfs -text
|
36 |
+
tokenizer.json filter=lfs diff=lfs merge=lfs -text
|
1_Pooling/config.json
ADDED
@@ -0,0 +1,7 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"word_embedding_dimension": 384,
|
3 |
+
"pooling_mode_cls_token": false,
|
4 |
+
"pooling_mode_mean_tokens": true,
|
5 |
+
"pooling_mode_max_tokens": false,
|
6 |
+
"pooling_mode_mean_sqrt_len_tokens": false
|
7 |
+
}
|
2_Dense/config.json
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
{"in_features": 384, "out_features": 768, "bias": true, "activation_function": "torch.nn.modules.activation.Tanh"}
|
2_Dense/pytorch_model.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:69f59ce0a2ceb1d5ed3ebd137e2170075f62b51bb940827844ba67797d0953ab
|
3 |
+
size 1183935
|
README.md
ADDED
@@ -0,0 +1,88 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
---
|
2 |
+
pipeline_tag: sentence-similarity
|
3 |
+
tags:
|
4 |
+
- sentence-transformers
|
5 |
+
- feature-extraction
|
6 |
+
- sentence-similarity
|
7 |
+
|
8 |
+
---
|
9 |
+
|
10 |
+
# {MODEL_NAME}
|
11 |
+
|
12 |
+
This is a [sentence-transformers](https://www.SBERT.net) model: It maps sentences & paragraphs to a 768 dimensional dense vector space and can be used for tasks like clustering or semantic search.
|
13 |
+
|
14 |
+
<!--- Describe your model here -->
|
15 |
+
|
16 |
+
## Usage (Sentence-Transformers)
|
17 |
+
|
18 |
+
Using this model becomes easy when you have [sentence-transformers](https://www.SBERT.net) installed:
|
19 |
+
|
20 |
+
```
|
21 |
+
pip install -U sentence-transformers
|
22 |
+
```
|
23 |
+
|
24 |
+
Then you can use the model like this:
|
25 |
+
|
26 |
+
```python
|
27 |
+
from sentence_transformers import SentenceTransformer
|
28 |
+
sentences = ["This is an example sentence", "Each sentence is converted"]
|
29 |
+
|
30 |
+
model = SentenceTransformer('{MODEL_NAME}')
|
31 |
+
embeddings = model.encode(sentences)
|
32 |
+
print(embeddings)
|
33 |
+
```
|
34 |
+
|
35 |
+
|
36 |
+
|
37 |
+
## Evaluation Results
|
38 |
+
|
39 |
+
<!--- Describe how your model was evaluated -->
|
40 |
+
|
41 |
+
For an automated evaluation of this model, see the *Sentence Embeddings Benchmark*: [https://seb.sbert.net](https://seb.sbert.net?model_name={MODEL_NAME})
|
42 |
+
|
43 |
+
|
44 |
+
## Training
|
45 |
+
The model was trained with the parameters:
|
46 |
+
|
47 |
+
**DataLoader**:
|
48 |
+
|
49 |
+
`torch.utils.data.dataloader.DataLoader` of length 5629 with parameters:
|
50 |
+
```
|
51 |
+
{'batch_size': 256, 'sampler': 'torch.utils.data.sampler.RandomSampler', 'batch_sampler': 'torch.utils.data.sampler.BatchSampler'}
|
52 |
+
```
|
53 |
+
|
54 |
+
**Loss**:
|
55 |
+
|
56 |
+
`sentence_transformers.losses.MSELoss.MSELoss`
|
57 |
+
|
58 |
+
Parameters of the fit()-Method:
|
59 |
+
```
|
60 |
+
{
|
61 |
+
"epochs": 20,
|
62 |
+
"evaluation_steps": 1000,
|
63 |
+
"evaluator": "sentence_transformers.evaluation.SequentialEvaluator.SequentialEvaluator",
|
64 |
+
"max_grad_norm": 1,
|
65 |
+
"optimizer_class": "<class 'torch.optim.adamw.AdamW'>",
|
66 |
+
"optimizer_params": {
|
67 |
+
"lr": 1e-05
|
68 |
+
},
|
69 |
+
"scheduler": "WarmupLinear",
|
70 |
+
"steps_per_epoch": null,
|
71 |
+
"warmup_steps": 10000,
|
72 |
+
"weight_decay": 0.01
|
73 |
+
}
|
74 |
+
```
|
75 |
+
|
76 |
+
|
77 |
+
## Full Model Architecture
|
78 |
+
```
|
79 |
+
SentenceTransformer(
|
80 |
+
(0): Transformer({'max_seq_length': 128, 'do_lower_case': False}) with Transformer model: BertModel
|
81 |
+
(1): Pooling({'word_embedding_dimension': 384, 'pooling_mode_cls_token': False, 'pooling_mode_mean_tokens': True, 'pooling_mode_max_tokens': False, 'pooling_mode_mean_sqrt_len_tokens': False})
|
82 |
+
(2): Dense({'in_features': 384, 'out_features': 768, 'bias': True, 'activation_function': 'torch.nn.modules.activation.Tanh'})
|
83 |
+
)
|
84 |
+
```
|
85 |
+
|
86 |
+
## Citing & Authors
|
87 |
+
|
88 |
+
<!--- Describe where people can find more information -->
|
config.json
ADDED
@@ -0,0 +1,26 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"_name_or_path": "sentence-transformers/paraphrase-multilingual-MiniLM-L12-v2",
|
3 |
+
"architectures": [
|
4 |
+
"BertModel"
|
5 |
+
],
|
6 |
+
"attention_probs_dropout_prob": 0.1,
|
7 |
+
"classifier_dropout": null,
|
8 |
+
"gradient_checkpointing": false,
|
9 |
+
"hidden_act": "gelu",
|
10 |
+
"hidden_dropout_prob": 0.1,
|
11 |
+
"hidden_size": 384,
|
12 |
+
"initializer_range": 0.02,
|
13 |
+
"intermediate_size": 1536,
|
14 |
+
"layer_norm_eps": 1e-12,
|
15 |
+
"max_position_embeddings": 512,
|
16 |
+
"model_type": "bert",
|
17 |
+
"num_attention_heads": 12,
|
18 |
+
"num_hidden_layers": 12,
|
19 |
+
"pad_token_id": 0,
|
20 |
+
"position_embedding_type": "absolute",
|
21 |
+
"torch_dtype": "float32",
|
22 |
+
"transformers_version": "4.26.1",
|
23 |
+
"type_vocab_size": 2,
|
24 |
+
"use_cache": true,
|
25 |
+
"vocab_size": 250037
|
26 |
+
}
|
config_sentence_transformers.json
ADDED
@@ -0,0 +1,7 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"__version__": {
|
3 |
+
"sentence_transformers": "2.2.2",
|
4 |
+
"transformers": "4.26.1",
|
5 |
+
"pytorch": "1.13.1+cu116"
|
6 |
+
}
|
7 |
+
}
|
eval/mse_evaluation_TED2020-en-ja-dev.tsv.gz_results.csv
ADDED
@@ -0,0 +1,122 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
epoch,steps,MSE
|
2 |
+
0,1000,0.22917576134204865
|
3 |
+
0,1000,0.21394724026322365
|
4 |
+
0,2000,0.14135863166302443
|
5 |
+
0,3000,0.12322642141953111
|
6 |
+
0,4000,0.12217608746141195
|
7 |
+
0,5000,0.12140965554863214
|
8 |
+
0,-1,0.12081610038876534
|
9 |
+
1,1000,0.11876655044034123
|
10 |
+
1,2000,0.11488887248560786
|
11 |
+
1,3000,0.11015272466465831
|
12 |
+
1,4000,0.10581539245322347
|
13 |
+
1,5000,0.10224409634247422
|
14 |
+
1,-1,0.10036479216068983
|
15 |
+
2,1000,0.09796748636290431
|
16 |
+
2,2000,0.09621718782000244
|
17 |
+
2,3000,0.09432455408386886
|
18 |
+
2,4000,0.09297129581682384
|
19 |
+
2,5000,0.09176316088996828
|
20 |
+
2,-1,0.09114659042097628
|
21 |
+
3,1000,0.09013733942992985
|
22 |
+
3,2000,0.08925449219532311
|
23 |
+
3,3000,0.08848780998960137
|
24 |
+
3,4000,0.08765948005020618
|
25 |
+
3,5000,0.08721610065549612
|
26 |
+
3,-1,0.08684548665769398
|
27 |
+
4,1000,0.08631640812382102
|
28 |
+
4,2000,0.08580838912166655
|
29 |
+
4,3000,0.0854134967084974
|
30 |
+
4,4000,0.08500298135913908
|
31 |
+
4,5000,0.084600510308519
|
32 |
+
4,-1,0.08427065331488848
|
33 |
+
5,1000,0.08401931845583022
|
34 |
+
5,2000,0.08364300010725856
|
35 |
+
5,3000,0.08332472643814981
|
36 |
+
5,4000,0.08306580130010843
|
37 |
+
5,5000,0.08275271393358707
|
38 |
+
5,-1,0.08249483653344214
|
39 |
+
6,1000,0.08225244819186628
|
40 |
+
6,2000,0.08205238846130669
|
41 |
+
6,3000,0.08177937706932425
|
42 |
+
6,4000,0.08159057470038533
|
43 |
+
6,5000,0.08151562069542706
|
44 |
+
6,-1,0.08129000780172646
|
45 |
+
7,1000,0.08120046695694327
|
46 |
+
7,2000,0.08102227002382278
|
47 |
+
7,3000,0.08077293750829995
|
48 |
+
7,4000,0.0805637042503804
|
49 |
+
7,5000,0.08047882001847029
|
50 |
+
7,-1,0.08029580349102616
|
51 |
+
8,1000,0.08024694980122149
|
52 |
+
8,2000,0.08004871779121459
|
53 |
+
8,3000,0.0799099390860647
|
54 |
+
8,4000,0.07979069487191737
|
55 |
+
8,5000,0.0796354201156646
|
56 |
+
8,-1,0.07961047231219709
|
57 |
+
9,1000,0.0794820545706898
|
58 |
+
9,2000,0.07936944020912051
|
59 |
+
9,3000,0.07925010286271572
|
60 |
+
9,4000,0.07908043335191905
|
61 |
+
9,5000,0.07897517061792314
|
62 |
+
9,-1,0.07895947201177478
|
63 |
+
10,1000,0.07889989065006375
|
64 |
+
10,2000,0.07873029680922627
|
65 |
+
10,3000,0.07871208363212645
|
66 |
+
10,4000,0.07868200773373246
|
67 |
+
10,5000,0.07846994558349252
|
68 |
+
10,-1,0.07844561478123069
|
69 |
+
11,1000,0.07837369339540601
|
70 |
+
11,2000,0.07829139358364046
|
71 |
+
11,3000,0.07826457731425762
|
72 |
+
11,4000,0.07820638711564243
|
73 |
+
11,5000,0.078142574056983
|
74 |
+
11,-1,0.07807667134329677
|
75 |
+
12,1000,0.07792944670654833
|
76 |
+
12,2000,0.077901961049065
|
77 |
+
12,3000,0.07778046419844031
|
78 |
+
12,4000,0.0777861278038472
|
79 |
+
12,5000,0.07773053366690874
|
80 |
+
12,-1,0.0776797707658261
|
81 |
+
13,1000,0.0777469773311168
|
82 |
+
13,2000,0.07756621926091611
|
83 |
+
13,3000,0.07750957738608122
|
84 |
+
13,4000,0.07749213255010545
|
85 |
+
13,5000,0.07744727190583944
|
86 |
+
13,-1,0.07734872633591294
|
87 |
+
14,1000,0.07738005369901657
|
88 |
+
14,2000,0.07729613571427763
|
89 |
+
14,3000,0.07725618779659271
|
90 |
+
14,4000,0.07728915079496801
|
91 |
+
14,5000,0.07722228183411062
|
92 |
+
14,-1,0.0771896040532738
|
93 |
+
15,1000,0.07719315472058952
|
94 |
+
15,2000,0.0770607148297131
|
95 |
+
15,3000,0.07707835175096989
|
96 |
+
15,4000,0.07704916060902178
|
97 |
+
15,5000,0.07696514949202538
|
98 |
+
15,-1,0.07695957901887596
|
99 |
+
16,1000,0.07689642370678484
|
100 |
+
16,2000,0.07690679049119353
|
101 |
+
16,3000,0.07688254700042307
|
102 |
+
16,4000,0.07686317549087107
|
103 |
+
16,5000,0.07685666787438095
|
104 |
+
16,-1,0.07683861185796559
|
105 |
+
17,1000,0.07680612616240978
|
106 |
+
17,2000,0.07683603907935321
|
107 |
+
17,3000,0.07675947854295373
|
108 |
+
17,4000,0.07673813379369676
|
109 |
+
17,5000,0.07672777283005416
|
110 |
+
17,-1,0.07670377381145954
|
111 |
+
18,1000,0.07670040358789265
|
112 |
+
18,2000,0.07668094476684928
|
113 |
+
18,3000,0.07669035694561899
|
114 |
+
18,4000,0.0766380166169256
|
115 |
+
18,5000,0.07664537406526506
|
116 |
+
18,-1,0.07662725984118879
|
117 |
+
19,1000,0.07662816788069904
|
118 |
+
19,2000,0.07663029828108847
|
119 |
+
19,3000,0.07662773132324219
|
120 |
+
19,4000,0.07661348790861666
|
121 |
+
19,5000,0.07662886637263
|
122 |
+
19,-1,0.07662248099222779
|
eval/mse_evaluation_TED2020-en-ko-dev.tsv.gz_results.csv
ADDED
@@ -0,0 +1,122 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
epoch,steps,MSE
|
2 |
+
0,1000,0.22089583799242973
|
3 |
+
0,1000,0.20693440455943346
|
4 |
+
0,2000,0.13995202025398612
|
5 |
+
0,3000,0.12299752561375499
|
6 |
+
0,4000,0.12214593589305878
|
7 |
+
0,5000,0.12142807245254517
|
8 |
+
0,-1,0.12079826556146145
|
9 |
+
1,1000,0.11875663185492158
|
10 |
+
1,2000,0.11477591469883919
|
11 |
+
1,3000,0.10980884544551373
|
12 |
+
1,4000,0.10521693620830774
|
13 |
+
1,5000,0.10147641878575087
|
14 |
+
1,-1,0.0994967995211482
|
15 |
+
2,1000,0.09693584288470447
|
16 |
+
2,2000,0.0950210727751255
|
17 |
+
2,3000,0.09313015034422278
|
18 |
+
2,4000,0.09167974931187928
|
19 |
+
2,5000,0.09042778983712196
|
20 |
+
2,-1,0.08972574723884463
|
21 |
+
3,1000,0.08865040726959705
|
22 |
+
3,2000,0.08773357840254903
|
23 |
+
3,3000,0.08695367141626775
|
24 |
+
3,4000,0.08610750664956868
|
25 |
+
3,5000,0.08559929556213319
|
26 |
+
3,-1,0.08519576513208449
|
27 |
+
4,1000,0.08463338017463684
|
28 |
+
4,2000,0.08415051852352917
|
29 |
+
4,3000,0.08368910057470202
|
30 |
+
4,4000,0.0832384335808456
|
31 |
+
4,5000,0.08288801764138043
|
32 |
+
4,-1,0.08245079661719501
|
33 |
+
5,1000,0.08226948557421565
|
34 |
+
5,2000,0.08177394629456103
|
35 |
+
5,3000,0.08144446182996035
|
36 |
+
5,4000,0.08114530937746167
|
37 |
+
5,5000,0.08088534814305604
|
38 |
+
5,-1,0.08056675433181226
|
39 |
+
6,1000,0.08029494201764464
|
40 |
+
6,2000,0.08007683791220188
|
41 |
+
6,3000,0.07975437911227345
|
42 |
+
6,4000,0.07961858063936234
|
43 |
+
6,5000,0.079440011177212
|
44 |
+
6,-1,0.07926024845801294
|
45 |
+
7,1000,0.07911097491160035
|
46 |
+
7,2000,0.07894345326349139
|
47 |
+
7,3000,0.078639603452757
|
48 |
+
7,4000,0.07846747757866979
|
49 |
+
7,5000,0.07832972914911807
|
50 |
+
7,-1,0.07809801027178764
|
51 |
+
8,1000,0.07803389453329146
|
52 |
+
8,2000,0.0779126537963748
|
53 |
+
8,3000,0.07772310636937618
|
54 |
+
8,4000,0.07758453721180558
|
55 |
+
8,5000,0.07742965826764703
|
56 |
+
8,-1,0.0773521838709712
|
57 |
+
9,1000,0.07712271180935204
|
58 |
+
9,2000,0.07707770564593375
|
59 |
+
9,3000,0.07690474158152938
|
60 |
+
9,4000,0.07678538677282631
|
61 |
+
9,5000,0.07664617733098567
|
62 |
+
9,-1,0.0766389595810324
|
63 |
+
10,1000,0.07656090310774744
|
64 |
+
10,2000,0.07633805507794023
|
65 |
+
10,3000,0.07629002793692052
|
66 |
+
10,4000,0.07627821178175509
|
67 |
+
10,5000,0.07610029424540699
|
68 |
+
10,-1,0.07601785473525524
|
69 |
+
11,1000,0.07595535716973245
|
70 |
+
11,2000,0.07586998399347067
|
71 |
+
11,3000,0.07578837685286999
|
72 |
+
11,4000,0.07572198519483209
|
73 |
+
11,5000,0.07565327687188983
|
74 |
+
11,-1,0.07557978387922049
|
75 |
+
12,1000,0.07550346199423075
|
76 |
+
12,2000,0.07544525433331728
|
77 |
+
12,3000,0.07529022404924035
|
78 |
+
12,4000,0.07526504341512918
|
79 |
+
12,5000,0.07521230145357549
|
80 |
+
12,-1,0.07513618329539895
|
81 |
+
13,1000,0.07521641091443598
|
82 |
+
13,2000,0.07498969789594412
|
83 |
+
13,3000,0.0749515718780458
|
84 |
+
13,4000,0.07487975526601076
|
85 |
+
13,5000,0.07485171081498265
|
86 |
+
13,-1,0.07478768820874393
|
87 |
+
14,1000,0.07480820640921593
|
88 |
+
14,2000,0.074753537774086
|
89 |
+
14,3000,0.07463428773917258
|
90 |
+
14,4000,0.0746245845220983
|
91 |
+
14,5000,0.07458814652636647
|
92 |
+
14,-1,0.07452621357515454
|
93 |
+
15,1000,0.07458832114934921
|
94 |
+
15,2000,0.0744347635190934
|
95 |
+
15,3000,0.07445734227076173
|
96 |
+
15,4000,0.07440577610395849
|
97 |
+
15,5000,0.07433873252011836
|
98 |
+
15,-1,0.0743111944757402
|
99 |
+
16,1000,0.07426579250022769
|
100 |
+
16,2000,0.07425842923112214
|
101 |
+
16,3000,0.07424590876325965
|
102 |
+
16,4000,0.07421987829729915
|
103 |
+
16,5000,0.07421689224429429
|
104 |
+
16,-1,0.07419473840855062
|
105 |
+
17,1000,0.07413840503431857
|
106 |
+
17,2000,0.07420105976052582
|
107 |
+
17,3000,0.07411230471916497
|
108 |
+
17,4000,0.07408193778246641
|
109 |
+
17,5000,0.07404140778817236
|
110 |
+
17,-1,0.07403701893053949
|
111 |
+
18,1000,0.07403536001220345
|
112 |
+
18,2000,0.07399374735541642
|
113 |
+
18,3000,0.0739878392778337
|
114 |
+
18,4000,0.0739621464163065
|
115 |
+
18,5000,0.07396902074106038
|
116 |
+
18,-1,0.07395390421152115
|
117 |
+
19,1000,0.07396323489956558
|
118 |
+
19,2000,0.07395903230644763
|
119 |
+
19,3000,0.07395914290100336
|
120 |
+
19,4000,0.07393310079351068
|
121 |
+
19,5000,0.07394924177788198
|
122 |
+
19,-1,0.07394295535050333
|
eval/similarity_evaluation_STS.en-en.txt_results.csv
ADDED
@@ -0,0 +1,122 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
epoch,steps,cosine_pearson,cosine_spearman,euclidean_pearson,euclidean_spearman,manhattan_pearson,manhattan_spearman,dot_pearson,dot_spearman
|
2 |
+
0,1000,0.5897673545486364,0.5909282052073181,0.2601690946758112,0.23836583890713958,0.26123383443449294,0.23723648184008442,0.41865904451721914,0.5053938222485547
|
3 |
+
0,1000,0.2858774765037223,0.36082304818275696,0.07855800652613588,0.1595472480921885,0.07793887447726307,0.16021071653934207,0.2652946208258348,0.42021808127194316
|
4 |
+
0,2000,0.13859252582580098,0.38918613210029696,0.06775820017007016,0.3501495091490876,0.0667524444554465,0.34771089742907463,0.11352560154502274,0.37372185885059334
|
5 |
+
0,3000,0.15075656882035965,0.40790855051690317,0.11300537770226039,0.3923612476121675,0.11259178435797455,0.39092091373529353,0.14793442040327007,0.3455886440705956
|
6 |
+
0,4000,0.1370932573554358,0.3940937228678576,0.1719822257010495,0.3903585415810724,0.17138631051705328,0.38837620856718424,0.19154584683034265,0.2529902056927467
|
7 |
+
0,5000,0.187126677201114,0.4272344715186953,0.26728009829263755,0.42299034919828815,0.26479393042719346,0.42179410713134624,0.17406806062026497,0.18958322580000214
|
8 |
+
0,-1,0.271884388764584,0.45690642569264195,0.34500485734083214,0.44992770630789497,0.34311238591082216,0.4506964994100428,0.20551243555774204,0.2326379458995872
|
9 |
+
1,1000,0.4610093938074189,0.5407825219300726,0.5090612619994613,0.5352064655601944,0.5096475819270003,0.5378092146075159,0.23782788518570208,0.24829826139033848
|
10 |
+
1,2000,0.5911734296851148,0.6405441900371839,0.6115574838927469,0.6136821746515875,0.612298131629458,0.6138055659444822,0.3450491294752121,0.35171630949126487
|
11 |
+
1,3000,0.6507278754234723,0.6862139598737248,0.6342539163604042,0.6310292222084513,0.6334276255890294,0.629659617296975,0.41499717299830163,0.45358754587066985
|
12 |
+
1,4000,0.686326086102911,0.7188411547323277,0.6762858533170721,0.6743630142041159,0.677149850497274,0.6764164605799529,0.46194398287042704,0.48989610649890764
|
13 |
+
1,5000,0.7259095878130493,0.7493326423531639,0.7115555688617691,0.7094726419895542,0.7115742707516893,0.7088822088871046,0.5308613867983416,0.5548187619925367
|
14 |
+
1,-1,0.7380069521183367,0.757180482339889,0.7240787122062634,0.7197640908514561,0.7235741406244216,0.7183360576642165,0.5673794759383287,0.5731275697201872
|
15 |
+
2,1000,0.7481648414056125,0.7688115531822834,0.7370074091085876,0.733544322810905,0.73568748679891,0.7325887129849351,0.601901138759742,0.598254803470787
|
16 |
+
2,2000,0.7586204899471289,0.7787278310103374,0.747538452645533,0.7429201390881488,0.7452499455476324,0.7416543212454624,0.6300392266278111,0.6179943351615347
|
17 |
+
2,3000,0.7628916762329284,0.7850953598788767,0.7617796182256105,0.7559907750143152,0.7593666996118938,0.7539073457074945,0.64390644177022,0.6296834498831414
|
18 |
+
2,4000,0.7651896669331457,0.7881013409082749,0.7653815097052351,0.7596832882839312,0.7632157692338535,0.7576048561322746,0.6551342258112525,0.6386202852990589
|
19 |
+
2,5000,0.7717550686710675,0.7927525391762691,0.772024869774694,0.7676852712876369,0.7700762743047982,0.7642737518968559,0.6726011133214425,0.6590574967300058
|
20 |
+
2,-1,0.7704455797578824,0.7902931700424981,0.7714311600714855,0.7658739947389765,0.7693407526184437,0.7631947507779915,0.6772817628973692,0.6666301087861619
|
21 |
+
3,1000,0.7725586330994585,0.7949366803794711,0.7771398412195379,0.7718505923150739,0.7753152190705441,0.7711690572300198,0.6844987702783563,0.671654171708698
|
22 |
+
3,2000,0.7716667403565707,0.7920613941774383,0.7787495695759229,0.7751321856715919,0.7770052612184505,0.7730944995543491,0.6810897361196451,0.6677298673187844
|
23 |
+
3,3000,0.7762952906221756,0.7987575820971458,0.7825465427973858,0.779012284458132,0.7807924573552075,0.7774723918745299,0.6845093571252172,0.6740601097218696
|
24 |
+
3,4000,0.7795657732674717,0.8019611429537958,0.7852706317879882,0.7831979785027758,0.7838221024953516,0.7812590822991591,0.6999662578421573,0.6920633221914165
|
25 |
+
3,5000,0.7825974763390342,0.8055148890684741,0.7892248358430066,0.7858380140155516,0.7875277650579382,0.78421240100106,0.7096214940243476,0.7034037892411992
|
26 |
+
3,-1,0.7806977549389207,0.8027706820903575,0.7884326778207453,0.7865391533247105,0.787001004862119,0.7842104790183045,0.7012661451479836,0.6928324996901154
|
27 |
+
4,1000,0.7799779846193222,0.8011861995068308,0.7895492493327707,0.7881636131495487,0.7882712328415357,0.7859210436705835,0.701688376903022,0.6953226205479722
|
28 |
+
4,2000,0.7851868213128023,0.807749770616418,0.7918228652496493,0.7905699355592716,0.7907441427732236,0.7891511278892577,0.7145279939960919,0.7110240664696884
|
29 |
+
4,3000,0.7822924561700811,0.8044085957944835,0.7912549203262589,0.7906964020245748,0.7902019004834059,0.7894955471990199,0.7084862835276516,0.7049248463937987
|
30 |
+
4,4000,0.7845063824456087,0.8042025592431078,0.7907780074637902,0.7891918739236714,0.7895592717768095,0.7871653353064098,0.7100388582214127,0.7092404664727056
|
31 |
+
4,5000,0.785008373241657,0.8070747702727321,0.7940520486806422,0.7931496208135286,0.7930604626436002,0.7919799021086106,0.7138089501865066,0.7103951937121316
|
32 |
+
4,-1,0.7889724761362081,0.8101614745778557,0.7966217192419441,0.795944952532938,0.7957166880177641,0.7949109258105492,0.7188030257816204,0.719024896283741
|
33 |
+
5,1000,0.7895281104075355,0.8107211559562194,0.7979010969594144,0.7979238259778665,0.7970908821956156,0.7964977147733823,0.7170625142492433,0.7167800204254693
|
34 |
+
5,2000,0.7910709918015706,0.8118854931094222,0.7997061812697682,0.7993234138203267,0.7988488204967565,0.7984565995976549,0.7247575742710778,0.7285102655780409
|
35 |
+
5,3000,0.787683711770606,0.809060947252131,0.7988866274777229,0.7989832228726261,0.7980855358190233,0.7988110132177451,0.7159065375416384,0.7161415377541355
|
36 |
+
5,4000,0.7892830112017147,0.8106884822493782,0.7979017650837481,0.7972118844341477,0.7971782652036418,0.7963443405495038,0.7201374189016354,0.7244318181711467
|
37 |
+
5,5000,0.7901085901255938,0.8111263099210512,0.8016791603184874,0.800765285283405,0.8010448079698954,0.8004043369219466,0.7186081819259164,0.7200635357647427
|
38 |
+
5,-1,0.7935594999677741,0.8158340144820535,0.8037023322644684,0.803776647864518,0.8028241941130253,0.802913293210806,0.726265247680548,0.7279321331652258
|
39 |
+
6,1000,0.793384751462841,0.8143529345707656,0.8012952153129516,0.8000195559743216,0.8005540796041867,0.8006188301974457,0.7278912802927043,0.7324257288472799
|
40 |
+
6,2000,0.792176898296166,0.8134880423308494,0.8017888751512608,0.8013768601961636,0.8010249986793055,0.8007948838178376,0.7241433623258517,0.7296380850588918
|
41 |
+
6,3000,0.7934998517752123,0.8146266249151304,0.8032632463413983,0.8031081822622004,0.8023343522050095,0.8008882921797484,0.7269067442607751,0.73459487858499
|
42 |
+
6,4000,0.794229088282087,0.8152009133624348,0.8067135214381519,0.8062121844121223,0.8060720787780464,0.805560632258052,0.7248374260399991,0.7328604813465445
|
43 |
+
6,5000,0.795898230361707,0.8173177851691988,0.8069569501636973,0.8077593805301948,0.8061972679862881,0.806646936911387,0.7276552614604594,0.7339433264309196
|
44 |
+
6,-1,0.797349047915145,0.8180008578404572,0.8077983611810692,0.807307714582683,0.8069139540102406,0.8068429791524346,0.7338175910437612,0.7393859971975753
|
45 |
+
7,1000,0.7964966014234487,0.8170310253420977,0.8066723408087828,0.806465886135831,0.8058268875463519,0.8063144338947079,0.7294313251491565,0.7353210036699687
|
46 |
+
7,2000,0.7981246505878784,0.818030840771441,0.8083519653143062,0.8077520769957245,0.8077816689103332,0.8067937763938972,0.733601861763002,0.7397711625417513
|
47 |
+
7,3000,0.8017042964464473,0.822940353521757,0.8114708567481012,0.8123659887982646,0.8106516281670643,0.8111332290589706,0.7393701793683827,0.7471427352016958
|
48 |
+
7,4000,0.7989546202791039,0.8175957038756253,0.8107453755738586,0.8105141218364068,0.8098631650509974,0.8100004124229557,0.7313979290218025,0.7374790059076975
|
49 |
+
7,5000,0.8000210703233567,0.8194335037863096,0.8106975404987368,0.8099665855264613,0.8097278246714872,0.8097866879405586,0.7349508072201466,0.7449186167571821
|
50 |
+
7,-1,0.7968055164233983,0.8166916031874994,0.8091675257435315,0.8084355340635337,0.8082005781239733,0.8078820030299874,0.7308661670891693,0.7400225578861536
|
51 |
+
8,1000,0.7995413390406643,0.8191390560281872,0.8105777419809084,0.8088395348387125,0.8097220453393823,0.808410932684265,0.7333179685758988,0.7420690851240712
|
52 |
+
8,2000,0.7996200809804386,0.8202292046470326,0.8107966288249818,0.8099369869920285,0.8100762189068463,0.8095848797512448,0.7374436892928882,0.7474252666667351
|
53 |
+
8,3000,0.8001191810615983,0.8195461319757743,0.8111134583728901,0.8091739598381469,0.8103611724180914,0.8100200166470606,0.7390588279027502,0.7476835811490568
|
54 |
+
8,4000,0.800837568515836,0.8203902668019326,0.8122811426874669,0.8118016946612882,0.8116484601012888,0.8115518369030901,0.7399881397438893,0.7502740295067439
|
55 |
+
8,5000,0.7988656076690055,0.8194269690449414,0.8119188646158959,0.8107472949216924,0.811370483466592,0.8098827870783272,0.7348942337053239,0.7430323828810623
|
56 |
+
8,-1,0.8018374411261864,0.8208715312838771,0.8134249221690105,0.8125847104358257,0.8127696066131479,0.8128680106939671,0.7392171466290242,0.749254609853296
|
57 |
+
9,1000,0.8026641420577458,0.8213085901624482,0.8157163404206793,0.8154968987067616,0.8151165853175132,0.8147369467252885,0.7319320517010497,0.742567647450814
|
58 |
+
9,2000,0.8026162683165725,0.8211629038695911,0.8136249163321516,0.8114103789722948,0.8131665021605613,0.8115779758685632,0.7366697735789624,0.7470696998569918
|
59 |
+
9,3000,0.8041236575475909,0.8241631189507231,0.8161237874847979,0.8145359073290769,0.8156041288272396,0.8143360211225185,0.741212876549548,0.7542171693276601
|
60 |
+
9,4000,0.8049729503023296,0.8247643151566026,0.8180671497293669,0.8168342143079479,0.8177164865307883,0.81707484654892,0.7409658998374983,0.751574443039027
|
61 |
+
9,5000,0.8037567992368014,0.8222276823160659,0.8157337511612592,0.8143160325018626,0.815113974904979,0.8144052125017117,0.7387167279840345,0.7490235875261004
|
62 |
+
9,-1,0.806807875605987,0.8258932878271069,0.818630219316655,0.8175488074963941,0.8183692032475961,0.8178409488752105,0.7447689079990409,0.7569021792369114
|
63 |
+
10,1000,0.8060142001411515,0.8251898421386415,0.8181939343281501,0.8176752739616975,0.8180004101525649,0.8169852821525198,0.7452136887032729,0.7594257425947117
|
64 |
+
10,2000,0.8074689581574636,0.8267946977393752,0.8188724982254936,0.8185201775809581,0.8185164535386609,0.8184444514603966,0.7463045946287398,0.7608430126785213
|
65 |
+
10,3000,0.8065691716261809,0.8254016446382832,0.8191756597452943,0.8176080045652596,0.8189378682302869,0.8183875607708375,0.7430035973642833,0.7550870587227404
|
66 |
+
10,4000,0.8073558981010162,0.8255992244655352,0.8197094462749701,0.8191098418903054,0.8193594870727681,0.8187081474944331,0.7427685526756667,0.7545269929478257
|
67 |
+
10,5000,0.8086117254324446,0.8274393307555261,0.8210313489215623,0.8201054289575869,0.8208185364473748,0.8208057994736435,0.7462817012600779,0.7627230962098237
|
68 |
+
10,-1,0.807218188348946,0.8267897005842111,0.8189882339858708,0.816976056635294,0.8187379548146217,0.8180446790472797,0.7471048492438247,0.7614050004361913
|
69 |
+
11,1000,0.8078076232741931,0.8268500508427297,0.8206647098180558,0.8200516134404365,0.8204935352968771,0.8202680286986911,0.7472180339533092,0.763676015259936
|
70 |
+
11,2000,0.8091753051333173,0.8292990412696217,0.8208544588319221,0.8209933849905677,0.82063686355994,0.8213885446450716,0.7493276601390427,0.764721573878857
|
71 |
+
11,3000,0.8086269357387148,0.8282492542886389,0.8213030064877861,0.8211855832661046,0.821104347739072,0.8210691111111292,0.7468694762709578,0.7615110938842877
|
72 |
+
11,4000,0.8094652667985158,0.8282988414437275,0.8202999018334493,0.8194012144760193,0.8199353673590627,0.8194238938725328,0.7517270888815367,0.7666727707721083
|
73 |
+
11,5000,0.8101774104673116,0.8295731160105373,0.8221077429568191,0.8215822805068128,0.8218514552880757,0.8211955775764326,0.7515297163166867,0.7683468177520351
|
74 |
+
11,-1,0.8093628116935194,0.8287893314428978,0.8217818010945717,0.8208984390424523,0.8215379462373745,0.8211398400765269,0.7487320801189604,0.7645382167239948
|
75 |
+
12,1000,0.8100182383828333,0.8289438588564294,0.8220766998712625,0.8212528526625426,0.821908495049696,0.8218375198167258,0.7516768058484311,0.7675388162016777
|
76 |
+
12,2000,0.8104779575245753,0.8302765616990027,0.8235712200683651,0.8224137302467858,0.8232962354968719,0.8231106411938827,0.7488321362247408,0.7660857972386184
|
77 |
+
12,3000,0.8109336527673776,0.8303338367851127,0.8230134888833832,0.8215672890413208,0.8228528251955718,0.8211321521455054,0.7517459712900219,0.7694923194742354
|
78 |
+
12,4000,0.8103574590647217,0.8291679620457055,0.8233448122793895,0.8220896839542304,0.8232289731086534,0.8220631605922064,0.7496400480538328,0.7653796607742956
|
79 |
+
12,5000,0.8115312817566958,0.8318202982481155,0.8248280130329948,0.8238636740374365,0.8246463574803718,0.8235569255896795,0.7507679033953436,0.7648964743095956
|
80 |
+
12,-1,0.8114632136053805,0.8303761204057307,0.8235915735312515,0.8227177879186852,0.8234610539093025,0.8233351287797099,0.7536043532779209,0.7688273134408775
|
81 |
+
13,1000,0.8098195117125182,0.8284349178228075,0.823597165735951,0.8233136025728498,0.8232288487236157,0.8230206924009315,0.7487316219302622,0.762417885348271
|
82 |
+
13,2000,0.8116298733158861,0.8298056759239372,0.8237630373719492,0.8237091466239048,0.8236254599968486,0.8235361681759216,0.7535497948256539,0.7680869656835091
|
83 |
+
13,3000,0.8118034121195522,0.8314193726453454,0.8242772889492265,0.8227458488669136,0.8241440613516046,0.8233212905038713,0.7537663648016764,0.7687346738720686
|
84 |
+
13,4000,0.8105036564422048,0.8301508640268016,0.8238690585977841,0.8237964046409986,0.8236656468876933,0.8234881186070374,0.7526929811496884,0.7670537077542225
|
85 |
+
13,5000,0.8121443937170001,0.8307055482500012,0.824259427583439,0.8237921762789369,0.8239721623462309,0.8241043062784089,0.7539021141543023,0.7694561861984345
|
86 |
+
13,-1,0.8119671966791452,0.8314051499729557,0.8251834162129275,0.8236361112792009,0.824917780448599,0.824806983173772,0.7520995369870087,0.7670383318921796
|
87 |
+
14,1000,0.8124033736220062,0.8318245266101774,0.8241645984715794,0.8224967599018177,0.8239626827550217,0.8230725859353265,0.754764237812038,0.7713335789538794
|
88 |
+
14,2000,0.8125014914485208,0.8321800934199207,0.8255364355524532,0.824526373691488,0.8255408102740184,0.8250656820526447,0.7558185616384084,0.7708899853339402
|
89 |
+
14,3000,0.8131443615008004,0.8320247972132867,0.8262406270311802,0.8257368384308197,0.8260822552671787,0.825634204551683,0.7555084017642009,0.7697429460255356
|
90 |
+
14,4000,0.8125992129273337,0.8320536269546174,0.8253301362437441,0.8243472448986875,0.8251204703857159,0.8242334635195696,0.7540809986706093,0.7676337621497931
|
91 |
+
14,5000,0.8126088523744511,0.8320009646271204,0.8258895072117991,0.8248523419667986,0.8256309402905441,0.8249822680010617,0.755327428848152,0.769038347147417
|
92 |
+
14,-1,0.8136847850336643,0.8319667533340747,0.8254230205058143,0.8252882476557165,0.8251804122164275,0.8243510888641983,0.7569136665629275,0.7709418788683351
|
93 |
+
15,1000,0.813250075036783,0.8328362583326039,0.8257594684978636,0.825904050930537,0.825651741232514,0.825269796621265,0.7589013611050633,0.7744956249830135
|
94 |
+
15,2000,0.8130748026059739,0.8324806915228606,0.8256390696089191,0.8249676609321208,0.82537883771033,0.8251102720525691,0.7569681464335213,0.7715253928328654
|
95 |
+
15,3000,0.8138579312197303,0.8334682062625693,0.8274276134360112,0.8274954526519829,0.8272494267217938,0.8267612552394318,0.7563082656317249,0.7708373230064429
|
96 |
+
15,4000,0.8139464622254186,0.8337272895379931,0.8270019545235402,0.8263311154987799,0.8266274005433899,0.8265529123087496,0.756073861107447,0.7709065143856363
|
97 |
+
15,5000,0.8126382668073396,0.8314397456625523,0.8263800255863362,0.8266186441189831,0.8261685858520568,0.8261646717921649,0.7541503742229657,0.7674692404259333
|
98 |
+
15,-1,0.8144629407321184,0.8336138925554265,0.8276577222763465,0.8271652560146104,0.8273551865217177,0.8269546067046218,0.7574160321152797,0.7725409685208027
|
99 |
+
16,1000,0.8133245225338969,0.8326890344535426,0.8264428420848934,0.8257241533446343,0.8261139880026327,0.8250064849837793,0.7564794312591888,0.7704337066278155
|
100 |
+
16,2000,0.8143472165696493,0.8329738722978883,0.8268270820783743,0.8262323255851539,0.8266092036104182,0.8262515454127077,0.7571087545957945,0.7735380931742883
|
101 |
+
16,3000,0.8141455240859404,0.834115914451129,0.8273741234017704,0.8269576818770304,0.8270967996595554,0.82665323980858,0.7576287710968693,0.7716964492980932
|
102 |
+
16,4000,0.8139916598384866,0.8337303647104017,0.8282589600356078,0.8284898865296112,0.8280229675298072,0.8282054330818164,0.7538682113784099,0.768346433355484
|
103 |
+
16,5000,0.814437445735803,0.8343373268645475,0.827438054391833,0.8273839776521714,0.8271465365620401,0.8267547204980635,0.758883874938737,0.7731325548129053
|
104 |
+
16,-1,0.8146401261180463,0.8336546385898402,0.8273181840574623,0.8277237842033207,0.8269887444445314,0.8270776136009655,0.7597221707654229,0.7743437883453393
|
105 |
+
17,1000,0.815040901043014,0.8341970221234055,0.8277962526304711,0.8271610276525486,0.8275363250135839,0.8268239118772567,0.7589398689427573,0.7743952974831833
|
106 |
+
17,2000,0.8150328795906008,0.8340574861753657,0.8277513081027142,0.827454706617569,0.8275399050695398,0.8269200110150253,0.7591234125001785,0.7734446848123774
|
107 |
+
17,3000,0.8145728654379445,0.8345256811745737,0.8285355517058972,0.828384946271168,0.828303537105013,0.8280593623924084,0.7562916013775425,0.7710671921439852
|
108 |
+
17,4000,0.8154874785564928,0.8347563191052181,0.8284388268084347,0.8280762758406556,0.8281670203606101,0.827568103600136,0.7604591371737248,0.7750683758441137
|
109 |
+
17,5000,0.8155125877577541,0.8342381525543704,0.828472269261635,0.8281393168750317,0.828227132852626,0.8272882629109539,0.7590872438896805,0.7742323133455279
|
110 |
+
17,-1,0.8143367483841588,0.833403627641989,0.8278781290367202,0.8274105010141956,0.827613003075555,0.8269538379115198,0.758099711700721,0.773843688432392
|
111 |
+
18,1000,0.8147097441662919,0.8334178503143788,0.8280607017392723,0.8273489975660238,0.8277860036520966,0.8271172064457261,0.758680048396319,0.772787366710041
|
112 |
+
18,2000,0.8156237779585613,0.8343746133300016,0.8288990771396355,0.8286720904948202,0.8286574878829295,0.828416466788356,0.7598287574010333,0.7750368553269256
|
113 |
+
18,3000,0.815431663285085,0.8344472642781547,0.8285666763093942,0.8278590917892987,0.8282944606885271,0.8277649146342857,0.7603539559145555,0.7747393323963944
|
114 |
+
18,4000,0.8145980228291042,0.83376188522759,0.8282161806957973,0.8279813298925403,0.8279124873337612,0.8275396582553564,0.7575577619640067,0.7713289661952666
|
115 |
+
18,5000,0.8153449366527429,0.8339840664341107,0.8288803237596616,0.8287047642016614,0.828572715950272,0.8279986277373386,0.7590064343967867,0.7728669367961133
|
116 |
+
18,-1,0.8148406850999113,0.8336730896242918,0.8282157801496248,0.8276749658413345,0.8279155342621619,0.8272532828248064,0.7584633814909412,0.7727496958480358
|
117 |
+
19,1000,0.8148175022569183,0.8339763785030891,0.8285694220325458,0.828504877995103,0.828249913142178,0.827574253944953,0.7573964839809134,0.7716699259360692
|
118 |
+
19,2000,0.8150021771229075,0.8341951001406501,0.828467130614971,0.828275777650663,0.8281262821681806,0.8273432316177576,0.7586680849524715,0.7732893886057435
|
119 |
+
19,3000,0.8149288308670899,0.8337799518654903,0.8286862276198335,0.8282673209265393,0.8283582831491387,0.8274312584279535,0.758307046964676,0.7726708945550657
|
120 |
+
19,4000,0.81503241558016,0.8339337104859199,0.8285673078379246,0.8281708373922199,0.8282399544668381,0.8274497094624051,0.7585729825996841,0.7730191578303386
|
121 |
+
19,5000,0.8152123732639233,0.834033269192648,0.8286483757208919,0.8287351315291961,0.8283237896027967,0.827683422565458,0.7591052788224071,0.7735204109329389
|
122 |
+
19,-1,0.8151689764300238,0.8340478762615888,0.8286451266999565,0.8284660539434445,0.8283201292994241,0.8277326253239955,0.7590762953025426,0.7734389188641113
|
eval/translation_evaluation_TED2020-en-ja-dev.tsv.gz_results.csv
ADDED
@@ -0,0 +1,122 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
epoch,steps,src2trg,trg2src
|
2 |
+
0,1000,0.116,0.079
|
3 |
+
0,1000,0.053,0.048
|
4 |
+
0,2000,0.055,0.031
|
5 |
+
0,3000,0.056,0.042
|
6 |
+
0,4000,0.084,0.063
|
7 |
+
0,5000,0.144,0.121
|
8 |
+
0,-1,0.228,0.201
|
9 |
+
1,1000,0.446,0.399
|
10 |
+
1,2000,0.651,0.608
|
11 |
+
1,3000,0.76,0.725
|
12 |
+
1,4000,0.823,0.786
|
13 |
+
1,5000,0.845,0.817
|
14 |
+
1,-1,0.855,0.823
|
15 |
+
2,1000,0.869,0.833
|
16 |
+
2,2000,0.881,0.842
|
17 |
+
2,3000,0.887,0.854
|
18 |
+
2,4000,0.888,0.856
|
19 |
+
2,5000,0.892,0.86
|
20 |
+
2,-1,0.892,0.859
|
21 |
+
3,1000,0.893,0.86
|
22 |
+
3,2000,0.892,0.865
|
23 |
+
3,3000,0.894,0.863
|
24 |
+
3,4000,0.897,0.865
|
25 |
+
3,5000,0.893,0.868
|
26 |
+
3,-1,0.894,0.871
|
27 |
+
4,1000,0.894,0.872
|
28 |
+
4,2000,0.896,0.872
|
29 |
+
4,3000,0.895,0.874
|
30 |
+
4,4000,0.896,0.875
|
31 |
+
4,5000,0.898,0.873
|
32 |
+
4,-1,0.9,0.873
|
33 |
+
5,1000,0.896,0.873
|
34 |
+
5,2000,0.899,0.877
|
35 |
+
5,3000,0.898,0.871
|
36 |
+
5,4000,0.899,0.877
|
37 |
+
5,5000,0.901,0.876
|
38 |
+
5,-1,0.897,0.879
|
39 |
+
6,1000,0.899,0.873
|
40 |
+
6,2000,0.897,0.874
|
41 |
+
6,3000,0.899,0.875
|
42 |
+
6,4000,0.902,0.879
|
43 |
+
6,5000,0.898,0.879
|
44 |
+
6,-1,0.899,0.875
|
45 |
+
7,1000,0.901,0.879
|
46 |
+
7,2000,0.898,0.877
|
47 |
+
7,3000,0.901,0.877
|
48 |
+
7,4000,0.901,0.88
|
49 |
+
7,5000,0.899,0.879
|
50 |
+
7,-1,0.898,0.88
|
51 |
+
8,1000,0.903,0.878
|
52 |
+
8,2000,0.902,0.881
|
53 |
+
8,3000,0.901,0.879
|
54 |
+
8,4000,0.905,0.88
|
55 |
+
8,5000,0.903,0.88
|
56 |
+
8,-1,0.902,0.88
|
57 |
+
9,1000,0.903,0.879
|
58 |
+
9,2000,0.905,0.881
|
59 |
+
9,3000,0.901,0.881
|
60 |
+
9,4000,0.903,0.882
|
61 |
+
9,5000,0.905,0.882
|
62 |
+
9,-1,0.903,0.88
|
63 |
+
10,1000,0.903,0.882
|
64 |
+
10,2000,0.905,0.882
|
65 |
+
10,3000,0.905,0.882
|
66 |
+
10,4000,0.905,0.885
|
67 |
+
10,5000,0.906,0.882
|
68 |
+
10,-1,0.906,0.878
|
69 |
+
11,1000,0.904,0.881
|
70 |
+
11,2000,0.905,0.882
|
71 |
+
11,3000,0.905,0.883
|
72 |
+
11,4000,0.905,0.883
|
73 |
+
11,5000,0.904,0.885
|
74 |
+
11,-1,0.906,0.884
|
75 |
+
12,1000,0.905,0.883
|
76 |
+
12,2000,0.906,0.883
|
77 |
+
12,3000,0.904,0.88
|
78 |
+
12,4000,0.906,0.882
|
79 |
+
12,5000,0.905,0.882
|
80 |
+
12,-1,0.907,0.884
|
81 |
+
13,1000,0.906,0.884
|
82 |
+
13,2000,0.908,0.881
|
83 |
+
13,3000,0.905,0.883
|
84 |
+
13,4000,0.905,0.882
|
85 |
+
13,5000,0.907,0.884
|
86 |
+
13,-1,0.904,0.887
|
87 |
+
14,1000,0.905,0.883
|
88 |
+
14,2000,0.904,0.885
|
89 |
+
14,3000,0.904,0.885
|
90 |
+
14,4000,0.906,0.882
|
91 |
+
14,5000,0.907,0.883
|
92 |
+
14,-1,0.906,0.883
|
93 |
+
15,1000,0.908,0.884
|
94 |
+
15,2000,0.905,0.885
|
95 |
+
15,3000,0.904,0.885
|
96 |
+
15,4000,0.905,0.884
|
97 |
+
15,5000,0.905,0.887
|
98 |
+
15,-1,0.905,0.885
|
99 |
+
16,1000,0.907,0.886
|
100 |
+
16,2000,0.905,0.886
|
101 |
+
16,3000,0.906,0.885
|
102 |
+
16,4000,0.907,0.886
|
103 |
+
16,5000,0.906,0.887
|
104 |
+
16,-1,0.905,0.885
|
105 |
+
17,1000,0.904,0.887
|
106 |
+
17,2000,0.905,0.887
|
107 |
+
17,3000,0.905,0.886
|
108 |
+
17,4000,0.904,0.886
|
109 |
+
17,5000,0.905,0.887
|
110 |
+
17,-1,0.904,0.887
|
111 |
+
18,1000,0.905,0.887
|
112 |
+
18,2000,0.905,0.886
|
113 |
+
18,3000,0.905,0.886
|
114 |
+
18,4000,0.905,0.887
|
115 |
+
18,5000,0.904,0.886
|
116 |
+
18,-1,0.905,0.886
|
117 |
+
19,1000,0.905,0.886
|
118 |
+
19,2000,0.905,0.887
|
119 |
+
19,3000,0.905,0.887
|
120 |
+
19,4000,0.905,0.886
|
121 |
+
19,5000,0.905,0.886
|
122 |
+
19,-1,0.905,0.886
|
eval/translation_evaluation_TED2020-en-ko-dev.tsv.gz_results.csv
ADDED
@@ -0,0 +1,122 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
epoch,steps,src2trg,trg2src
|
2 |
+
0,1000,0.043,0.028
|
3 |
+
0,1000,0.04,0.02
|
4 |
+
0,2000,0.046,0.032
|
5 |
+
0,3000,0.056,0.049
|
6 |
+
0,4000,0.089,0.068
|
7 |
+
0,5000,0.165,0.132
|
8 |
+
0,-1,0.236,0.203
|
9 |
+
1,1000,0.485,0.412
|
10 |
+
1,2000,0.709,0.662
|
11 |
+
1,3000,0.818,0.787
|
12 |
+
1,4000,0.864,0.838
|
13 |
+
1,5000,0.886,0.87
|
14 |
+
1,-1,0.891,0.888
|
15 |
+
2,1000,0.901,0.894
|
16 |
+
2,2000,0.907,0.902
|
17 |
+
2,3000,0.914,0.908
|
18 |
+
2,4000,0.918,0.915
|
19 |
+
2,5000,0.923,0.915
|
20 |
+
2,-1,0.931,0.915
|
21 |
+
3,1000,0.928,0.919
|
22 |
+
3,2000,0.933,0.919
|
23 |
+
3,3000,0.932,0.921
|
24 |
+
3,4000,0.932,0.919
|
25 |
+
3,5000,0.929,0.921
|
26 |
+
3,-1,0.931,0.921
|
27 |
+
4,1000,0.932,0.921
|
28 |
+
4,2000,0.934,0.92
|
29 |
+
4,3000,0.935,0.918
|
30 |
+
4,4000,0.934,0.919
|
31 |
+
4,5000,0.935,0.916
|
32 |
+
4,-1,0.931,0.918
|
33 |
+
5,1000,0.933,0.915
|
34 |
+
5,2000,0.93,0.918
|
35 |
+
5,3000,0.933,0.919
|
36 |
+
5,4000,0.934,0.917
|
37 |
+
5,5000,0.938,0.92
|
38 |
+
5,-1,0.937,0.921
|
39 |
+
6,1000,0.938,0.919
|
40 |
+
6,2000,0.941,0.92
|
41 |
+
6,3000,0.945,0.921
|
42 |
+
6,4000,0.94,0.921
|
43 |
+
6,5000,0.942,0.918
|
44 |
+
6,-1,0.943,0.92
|
45 |
+
7,1000,0.942,0.92
|
46 |
+
7,2000,0.941,0.921
|
47 |
+
7,3000,0.941,0.918
|
48 |
+
7,4000,0.941,0.92
|
49 |
+
7,5000,0.939,0.919
|
50 |
+
7,-1,0.942,0.919
|
51 |
+
8,1000,0.942,0.919
|
52 |
+
8,2000,0.941,0.918
|
53 |
+
8,3000,0.942,0.917
|
54 |
+
8,4000,0.943,0.918
|
55 |
+
8,5000,0.944,0.918
|
56 |
+
8,-1,0.944,0.918
|
57 |
+
9,1000,0.945,0.919
|
58 |
+
9,2000,0.943,0.918
|
59 |
+
9,3000,0.943,0.918
|
60 |
+
9,4000,0.944,0.919
|
61 |
+
9,5000,0.944,0.92
|
62 |
+
9,-1,0.945,0.919
|
63 |
+
10,1000,0.945,0.918
|
64 |
+
10,2000,0.945,0.919
|
65 |
+
10,3000,0.945,0.918
|
66 |
+
10,4000,0.945,0.919
|
67 |
+
10,5000,0.945,0.918
|
68 |
+
10,-1,0.944,0.919
|
69 |
+
11,1000,0.944,0.918
|
70 |
+
11,2000,0.945,0.92
|
71 |
+
11,3000,0.944,0.92
|
72 |
+
11,4000,0.947,0.92
|
73 |
+
11,5000,0.946,0.919
|
74 |
+
11,-1,0.947,0.919
|
75 |
+
12,1000,0.946,0.92
|
76 |
+
12,2000,0.947,0.918
|
77 |
+
12,3000,0.945,0.919
|
78 |
+
12,4000,0.947,0.917
|
79 |
+
12,5000,0.945,0.918
|
80 |
+
12,-1,0.947,0.923
|
81 |
+
13,1000,0.947,0.92
|
82 |
+
13,2000,0.946,0.921
|
83 |
+
13,3000,0.948,0.92
|
84 |
+
13,4000,0.948,0.919
|
85 |
+
13,5000,0.947,0.92
|
86 |
+
13,-1,0.946,0.921
|
87 |
+
14,1000,0.947,0.922
|
88 |
+
14,2000,0.947,0.92
|
89 |
+
14,3000,0.947,0.922
|
90 |
+
14,4000,0.946,0.921
|
91 |
+
14,5000,0.947,0.92
|
92 |
+
14,-1,0.947,0.918
|
93 |
+
15,1000,0.948,0.921
|
94 |
+
15,2000,0.949,0.92
|
95 |
+
15,3000,0.948,0.921
|
96 |
+
15,4000,0.946,0.918
|
97 |
+
15,5000,0.948,0.921
|
98 |
+
15,-1,0.946,0.92
|
99 |
+
16,1000,0.945,0.921
|
100 |
+
16,2000,0.946,0.923
|
101 |
+
16,3000,0.948,0.921
|
102 |
+
16,4000,0.947,0.922
|
103 |
+
16,5000,0.947,0.92
|
104 |
+
16,-1,0.946,0.92
|
105 |
+
17,1000,0.946,0.919
|
106 |
+
17,2000,0.948,0.921
|
107 |
+
17,3000,0.947,0.92
|
108 |
+
17,4000,0.946,0.919
|
109 |
+
17,5000,0.945,0.92
|
110 |
+
17,-1,0.946,0.919
|
111 |
+
18,1000,0.945,0.919
|
112 |
+
18,2000,0.946,0.92
|
113 |
+
18,3000,0.945,0.92
|
114 |
+
18,4000,0.948,0.919
|
115 |
+
18,5000,0.948,0.918
|
116 |
+
18,-1,0.947,0.919
|
117 |
+
19,1000,0.948,0.919
|
118 |
+
19,2000,0.948,0.919
|
119 |
+
19,3000,0.947,0.919
|
120 |
+
19,4000,0.948,0.919
|
121 |
+
19,5000,0.948,0.919
|
122 |
+
19,-1,0.948,0.919
|
modules.json
ADDED
@@ -0,0 +1,20 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
[
|
2 |
+
{
|
3 |
+
"idx": 0,
|
4 |
+
"name": "0",
|
5 |
+
"path": "",
|
6 |
+
"type": "sentence_transformers.models.Transformer"
|
7 |
+
},
|
8 |
+
{
|
9 |
+
"idx": 1,
|
10 |
+
"name": "1",
|
11 |
+
"path": "1_Pooling",
|
12 |
+
"type": "sentence_transformers.models.Pooling"
|
13 |
+
},
|
14 |
+
{
|
15 |
+
"idx": 2,
|
16 |
+
"name": "2",
|
17 |
+
"path": "2_Dense",
|
18 |
+
"type": "sentence_transformers.models.Dense"
|
19 |
+
}
|
20 |
+
]
|
pytorch_model.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:1f344d3d0adb1e8f5b5ca52f19fe776c06f5405339da20a1b7bac9a674ead15c
|
3 |
+
size 470686253
|
sentence_bert_config.json
ADDED
@@ -0,0 +1,4 @@
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"max_seq_length": 128,
|
3 |
+
"do_lower_case": false
|
4 |
+
}
|
special_tokens_map.json
ADDED
@@ -0,0 +1,15 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"bos_token": "<s>",
|
3 |
+
"cls_token": "<s>",
|
4 |
+
"eos_token": "</s>",
|
5 |
+
"mask_token": {
|
6 |
+
"content": "<mask>",
|
7 |
+
"lstrip": true,
|
8 |
+
"normalized": false,
|
9 |
+
"rstrip": false,
|
10 |
+
"single_word": false
|
11 |
+
},
|
12 |
+
"pad_token": "<pad>",
|
13 |
+
"sep_token": "</s>",
|
14 |
+
"unk_token": "<unk>"
|
15 |
+
}
|
tokenizer.json
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:b60b6b43406a48bf3638526314f3d232d97058bc93472ff2de930d43686fa441
|
3 |
+
size 17082913
|
tokenizer_config.json
ADDED
@@ -0,0 +1,23 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"bos_token": "<s>",
|
3 |
+
"cls_token": "<s>",
|
4 |
+
"do_lower_case": true,
|
5 |
+
"eos_token": "</s>",
|
6 |
+
"mask_token": {
|
7 |
+
"__type": "AddedToken",
|
8 |
+
"content": "<mask>",
|
9 |
+
"lstrip": true,
|
10 |
+
"normalized": true,
|
11 |
+
"rstrip": false,
|
12 |
+
"single_word": false
|
13 |
+
},
|
14 |
+
"model_max_length": 512,
|
15 |
+
"name_or_path": "sentence-transformers/paraphrase-multilingual-MiniLM-L12-v2",
|
16 |
+
"pad_token": "<pad>",
|
17 |
+
"sep_token": "</s>",
|
18 |
+
"special_tokens_map_file": null,
|
19 |
+
"strip_accents": null,
|
20 |
+
"tokenize_chinese_chars": true,
|
21 |
+
"tokenizer_class": "BertTokenizer",
|
22 |
+
"unk_token": "<unk>"
|
23 |
+
}
|
unigram.json
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:71b44701d7efd054205115acfa6ef126c5d2f84bd3affe0c59e48163674d19a6
|
3 |
+
size 14763234
|