luismsgomes
commited on
Commit
•
631263b
1
Parent(s):
480c9e0
added model
Browse files- 1_Pooling/config.json +10 -0
- README.md +136 -0
- config.json +32 -0
- config_sentence_transformers.json +9 -0
- eval/Information-Retrieval_evaluation_mmarco-pt-dev-small_results.csv +201 -0
- eval/Information-Retrieval_evaluation_mmarco-pt-test2019-0-passages_results.csv +2 -0
- eval/similarity_evaluation_assin-ptbr-test_results.csv +2 -0
- eval/similarity_evaluation_assin-ptpt-test_results.csv +2 -0
- eval/similarity_evaluation_assin2-test_results.csv +2 -0
- eval/similarity_evaluation_iris-sts-test_results.csv +2 -0
- eval/similarity_evaluation_stsb-multi-mt-pt-test_results.csv +2 -0
- model.safetensors +3 -0
- modules.json +14 -0
- sentence_bert_config.json +4 -0
- special_tokens_map.json +37 -0
- tokenizer.json +0 -0
- tokenizer_config.json +64 -0
- train-config.yaml +27 -0
- vocab.txt +0 -0
1_Pooling/config.json
ADDED
@@ -0,0 +1,10 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"word_embedding_dimension": 768,
|
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 |
+
"pooling_mode_weightedmean_tokens": false,
|
8 |
+
"pooling_mode_lasttoken": false,
|
9 |
+
"include_prompt": true
|
10 |
+
}
|
README.md
CHANGED
@@ -1,3 +1,139 @@
|
|
|
|
1 |
---
|
2 |
license: mit
|
3 |
---
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
<<<<<<< HEAD
|
2 |
---
|
3 |
license: mit
|
4 |
---
|
5 |
+
=======
|
6 |
+
---
|
7 |
+
library_name: sentence-transformers
|
8 |
+
pipeline_tag: sentence-similarity
|
9 |
+
tags:
|
10 |
+
- sentence-transformers
|
11 |
+
- feature-extraction
|
12 |
+
- sentence-similarity
|
13 |
+
- transformers
|
14 |
+
|
15 |
+
---
|
16 |
+
|
17 |
+
# {MODEL_NAME}
|
18 |
+
|
19 |
+
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.
|
20 |
+
|
21 |
+
<!--- Describe your model here -->
|
22 |
+
|
23 |
+
## Usage (Sentence-Transformers)
|
24 |
+
|
25 |
+
Using this model becomes easy when you have [sentence-transformers](https://www.SBERT.net) installed:
|
26 |
+
|
27 |
+
```
|
28 |
+
pip install -U sentence-transformers
|
29 |
+
```
|
30 |
+
|
31 |
+
Then you can use the model like this:
|
32 |
+
|
33 |
+
```python
|
34 |
+
from sentence_transformers import SentenceTransformer
|
35 |
+
sentences = ["This is an example sentence", "Each sentence is converted"]
|
36 |
+
|
37 |
+
model = SentenceTransformer('{MODEL_NAME}')
|
38 |
+
embeddings = model.encode(sentences)
|
39 |
+
print(embeddings)
|
40 |
+
```
|
41 |
+
|
42 |
+
|
43 |
+
|
44 |
+
## Usage (HuggingFace Transformers)
|
45 |
+
Without [sentence-transformers](https://www.SBERT.net), you can use the model like this: First, you pass your input through the transformer model, then you have to apply the right pooling-operation on-top of the contextualized word embeddings.
|
46 |
+
|
47 |
+
```python
|
48 |
+
from transformers import AutoTokenizer, AutoModel
|
49 |
+
import torch
|
50 |
+
|
51 |
+
|
52 |
+
#Mean Pooling - Take attention mask into account for correct averaging
|
53 |
+
def mean_pooling(model_output, attention_mask):
|
54 |
+
token_embeddings = model_output[0] #First element of model_output contains all token embeddings
|
55 |
+
input_mask_expanded = attention_mask.unsqueeze(-1).expand(token_embeddings.size()).float()
|
56 |
+
return torch.sum(token_embeddings * input_mask_expanded, 1) / torch.clamp(input_mask_expanded.sum(1), min=1e-9)
|
57 |
+
|
58 |
+
|
59 |
+
# Sentences we want sentence embeddings for
|
60 |
+
sentences = ['This is an example sentence', 'Each sentence is converted']
|
61 |
+
|
62 |
+
# Load model from HuggingFace Hub
|
63 |
+
tokenizer = AutoTokenizer.from_pretrained('{MODEL_NAME}')
|
64 |
+
model = AutoModel.from_pretrained('{MODEL_NAME}')
|
65 |
+
|
66 |
+
# Tokenize sentences
|
67 |
+
encoded_input = tokenizer(sentences, padding=True, truncation=True, return_tensors='pt')
|
68 |
+
|
69 |
+
# Compute token embeddings
|
70 |
+
with torch.no_grad():
|
71 |
+
model_output = model(**encoded_input)
|
72 |
+
|
73 |
+
# Perform pooling. In this case, mean pooling.
|
74 |
+
sentence_embeddings = mean_pooling(model_output, encoded_input['attention_mask'])
|
75 |
+
|
76 |
+
print("Sentence embeddings:")
|
77 |
+
print(sentence_embeddings)
|
78 |
+
```
|
79 |
+
|
80 |
+
|
81 |
+
|
82 |
+
## Evaluation Results
|
83 |
+
|
84 |
+
<!--- Describe how your model was evaluated -->
|
85 |
+
|
86 |
+
For an automated evaluation of this model, see the *Sentence Embeddings Benchmark*: [https://seb.sbert.net](https://seb.sbert.net?model_name={MODEL_NAME})
|
87 |
+
|
88 |
+
|
89 |
+
## Training
|
90 |
+
The model was trained with the parameters:
|
91 |
+
|
92 |
+
**DataLoader**:
|
93 |
+
|
94 |
+
`sentence_transformers.datasets.NoDuplicatesDataLoader.NoDuplicatesDataLoader` of length 361643 with parameters:
|
95 |
+
```
|
96 |
+
{'batch_size': 220}
|
97 |
+
```
|
98 |
+
|
99 |
+
**Loss**:
|
100 |
+
|
101 |
+
`sentence_transformers.losses.GISTEmbedLoss.GISTEmbedLoss` with parameters:
|
102 |
+
```
|
103 |
+
{'guide': SentenceTransformer(
|
104 |
+
(0): Transformer({'max_seq_length': 128, 'do_lower_case': False}) with Transformer model: BertModel
|
105 |
+
(1): Pooling({'word_embedding_dimension': 768, 'pooling_mode_cls_token': False, 'pooling_mode_mean_tokens': True, 'pooling_mode_max_tokens': False, 'pooling_mode_mean_sqrt_len_tokens': False, 'pooling_mode_weightedmean_tokens': False, 'pooling_mode_lasttoken': False, 'include_prompt': True})
|
106 |
+
), 'temperature': 0.01}
|
107 |
+
```
|
108 |
+
|
109 |
+
Parameters of the fit()-Method:
|
110 |
+
```
|
111 |
+
{
|
112 |
+
"epochs": 1,
|
113 |
+
"evaluation_steps": 1809,
|
114 |
+
"evaluator": "sentence_transformers.evaluation.InformationRetrievalEvaluator.InformationRetrievalEvaluator",
|
115 |
+
"max_grad_norm": 1,
|
116 |
+
"optimizer_class": "<class 'torch.optim.adamw.AdamW'>",
|
117 |
+
"optimizer_params": {
|
118 |
+
"lr": 1e-05
|
119 |
+
},
|
120 |
+
"scheduler": "WarmupLinear",
|
121 |
+
"steps_per_epoch": 361643,
|
122 |
+
"warmup_steps": 36165,
|
123 |
+
"weight_decay": 0.01
|
124 |
+
}
|
125 |
+
```
|
126 |
+
|
127 |
+
|
128 |
+
## Full Model Architecture
|
129 |
+
```
|
130 |
+
SentenceTransformer(
|
131 |
+
(0): Transformer({'max_seq_length': 128, 'do_lower_case': False}) with Transformer model: BertModel
|
132 |
+
(1): Pooling({'word_embedding_dimension': 768, 'pooling_mode_cls_token': False, 'pooling_mode_mean_tokens': True, 'pooling_mode_max_tokens': False, 'pooling_mode_mean_sqrt_len_tokens': False, 'pooling_mode_weightedmean_tokens': False, 'pooling_mode_lasttoken': False, 'include_prompt': True})
|
133 |
+
)
|
134 |
+
```
|
135 |
+
|
136 |
+
## Citing & Authors
|
137 |
+
|
138 |
+
<!--- Describe where people can find more information -->
|
139 |
+
>>>>>>> 7bb2af8 (added model)
|
config.json
ADDED
@@ -0,0 +1,32 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"_name_or_path": "models/bertimbau-100m-europarl-eubookshop-ted2020-tatoeba-ct1-nli-gist10-sts-cosent20-v1",
|
3 |
+
"architectures": [
|
4 |
+
"BertModel"
|
5 |
+
],
|
6 |
+
"attention_probs_dropout_prob": 0.1,
|
7 |
+
"classifier_dropout": null,
|
8 |
+
"directionality": "bidi",
|
9 |
+
"hidden_act": "gelu",
|
10 |
+
"hidden_dropout_prob": 0.1,
|
11 |
+
"hidden_size": 768,
|
12 |
+
"initializer_range": 0.02,
|
13 |
+
"intermediate_size": 3072,
|
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 |
+
"output_past": true,
|
20 |
+
"pad_token_id": 0,
|
21 |
+
"pooler_fc_size": 768,
|
22 |
+
"pooler_num_attention_heads": 12,
|
23 |
+
"pooler_num_fc_layers": 3,
|
24 |
+
"pooler_size_per_head": 128,
|
25 |
+
"pooler_type": "first_token_transform",
|
26 |
+
"position_embedding_type": "absolute",
|
27 |
+
"torch_dtype": "float32",
|
28 |
+
"transformers_version": "4.39.3",
|
29 |
+
"type_vocab_size": 2,
|
30 |
+
"use_cache": true,
|
31 |
+
"vocab_size": 29794
|
32 |
+
}
|
config_sentence_transformers.json
ADDED
@@ -0,0 +1,9 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"__version__": {
|
3 |
+
"sentence_transformers": "2.7.0",
|
4 |
+
"transformers": "4.39.3",
|
5 |
+
"pytorch": "2.2.2+cu121"
|
6 |
+
},
|
7 |
+
"prompts": {},
|
8 |
+
"default_prompt_name": null
|
9 |
+
}
|
eval/Information-Retrieval_evaluation_mmarco-pt-dev-small_results.csv
ADDED
@@ -0,0 +1,201 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
epoch,steps,cos_sim-Accuracy@1,cos_sim-Accuracy@3,cos_sim-Accuracy@5,cos_sim-Accuracy@10,cos_sim-Precision@10,cos_sim-Recall@10,cos_sim-MRR@10,cos_sim-NDCG@10,cos_sim-MAP@100
|
2 |
+
0,1809,0.4696275071633238,0.5948424068767908,0.6492836676217765,0.7126074498567335,0.07482808022922635,0.7044770773638969,0.5460926342838966,0.5806773886934848,0.5455104820811523
|
3 |
+
0,3618,0.5127507163323782,0.6399713467048711,0.6892550143266476,0.7522922636103152,0.07902578796561603,0.7441141356255968,0.5887272024378059,0.6229024647904555,0.5882790405936054
|
4 |
+
0,5427,0.5401146131805158,0.6648997134670487,0.71432664756447,0.7746418338108882,0.08134670487106016,0.7665353390639924,0.6149206917724126,0.6482166421013328,0.6143300337024518
|
5 |
+
0,7236,0.5537249283667621,0.679512893982808,0.7283667621776504,0.7898280802292263,0.0830085959885387,0.7820319961795607,0.6291326693045907,0.662836576871012,0.6283071738089543
|
6 |
+
0,9045,0.5648997134670487,0.6936962750716332,0.7421203438395415,0.8008595988538681,0.08428366762177651,0.7937082139446037,0.6412522172192663,0.674839105151079,0.640230592949464
|
7 |
+
0,10854,0.576647564469914,0.7044412607449857,0.7515759312320917,0.8097421203438395,0.08527220630372494,0.8026743075453676,0.6520497907854647,0.6851562779063294,0.6508848783214375
|
8 |
+
0,12663,0.5883954154727794,0.7113180515759312,0.7595988538681948,0.820487106017192,0.08641833810888253,0.8133954154727794,0.6626771501341715,0.6956889787047726,0.6610947552298478
|
9 |
+
0,14472,0.5972779369627507,0.7243553008595989,0.7699140401146132,0.8257879656160458,0.08697707736389683,0.8188395415472779,0.6715974212034381,0.7038518163807819,0.6700213722012704
|
10 |
+
0,16281,0.6037249283667622,0.7267908309455587,0.7757879656160458,0.830945558739255,0.08760744985673352,0.8245582617000956,0.67725951698731,0.7097367164292868,0.6759018270888066
|
11 |
+
0,18090,0.6128939828080229,0.7363896848137536,0.780945558739255,0.8375358166189112,0.08830945558739256,0.8311843361986627,0.6858667621776499,0.717841681101346,0.6845610865848075
|
12 |
+
0,19899,0.6180515759312321,0.7439828080229226,0.7905444126074499,0.8445558739255015,0.08902578796561604,0.8382760267430753,0.6921804361668258,0.7244557886270259,0.6907856779500536
|
13 |
+
0,21708,0.6272206303724929,0.7489971346704871,0.795272206303725,0.8451289398280802,0.08906876790830946,0.8387535816618911,0.6991116341474505,0.7298914955397494,0.6979452417438293
|
14 |
+
0,23517,0.6296561604584527,0.748567335243553,0.7948424068767909,0.8468481375358167,0.08936962750716332,0.8405563514804203,0.7007148542320459,0.7315182440418652,0.6994030443057265
|
15 |
+
0,25326,0.6333810888252149,0.7570200573065903,0.8011461318051576,0.8525787965616046,0.08997134670487106,0.8467526265520534,0.7055068335834794,0.7367010918656849,0.7041499055426181
|
16 |
+
0,27135,0.6318051575931232,0.7554441260744985,0.8015759312320917,0.8550143266475645,0.09018624641833811,0.8489016236867241,0.7047524673670805,0.7367545017211354,0.703477466157237
|
17 |
+
0,28944,0.6419770773638969,0.7610315186246418,0.8061604584527221,0.8565902578796561,0.09040114613180515,0.8510506208213944,0.7127193910037739,0.7432447915277595,0.7113724777788611
|
18 |
+
0,30753,0.6419770773638969,0.7646131805157593,0.8103151862464183,0.8593123209169055,0.0906733524355301,0.8535816618911175,0.7138933801791962,0.7445602703086039,0.7121423216493499
|
19 |
+
0,32562,0.6425501432664756,0.7653295128939828,0.8090257879656161,0.8614613180515759,0.0909025787965616,0.8558022922636103,0.7143643402919898,0.7455901787620562,0.7127648536073292
|
20 |
+
0,34371,0.651432664756447,0.7679083094555874,0.8157593123209169,0.8663323782234957,0.0915186246418338,0.8612106017191977,0.7216239141310765,0.7522753576737373,0.7196643421909881
|
21 |
+
0,36180,0.6535816618911174,0.7736389684813754,0.8189111747851003,0.8677650429799427,0.09164756446991405,0.8625358166189112,0.7243324464456262,0.7546960780903571,0.7223464176028305
|
22 |
+
0,37989,0.6491404011461318,0.7700573065902578,0.8186246418338109,0.8693409742120344,0.09183381088825215,0.864087870105062,0.7214496065857099,0.7529069822254342,0.7195570489501728
|
23 |
+
0,39798,0.6636103151862465,0.7783667621776504,0.8239255014326647,0.8744985673352436,0.09236389684813755,0.869484240687679,0.7322479760767721,0.7624734160721792,0.7302778329486378
|
24 |
+
0,41607,0.6575931232091691,0.7760744985673352,0.8197707736389684,0.8680515759312321,0.0917048710601719,0.8630730659025788,0.7272764588165721,0.7572158775971523,0.7255467449812831
|
25 |
+
0,43416,0.6595988538681948,0.7790830945558739,0.8210601719197708,0.8696275071633238,0.09187679083094555,0.8643027698185293,0.7291484172465543,0.7591859122205896,0.7279922621147117
|
26 |
+
0,45225,0.6656160458452722,0.7861031518624642,0.828080229226361,0.8734957020057307,0.09240687679083094,0.8687440305635149,0.7347649179060344,0.764532999303223,0.7331759508702254
|
27 |
+
0,47034,0.6694842406876791,0.7866762177650429,0.8305157593123209,0.875214899713467,0.09246418338108883,0.870033428844317,0.7382608473188693,0.7672868943297543,0.7362792931591479
|
28 |
+
0,48843,0.6717765042979943,0.7866762177650429,0.8305157593123209,0.8795128939828081,0.09275071633237822,0.8740448901623686,0.7401703279210438,0.7695971912084414,0.7381987364220906
|
29 |
+
0,50652,0.6710601719197707,0.7918338108882521,0.8349570200573065,0.882808022922636,0.09328080229226361,0.8778892072588347,0.7412781416291436,0.7712829480896839,0.738755421133786
|
30 |
+
0,52461,0.6714899713467049,0.7883954154727794,0.8351002865329513,0.8829512893982808,0.09323782234957019,0.8777578796561605,0.7410870628098412,0.7710369481752747,0.7384906508423019
|
31 |
+
0,54270,0.6776504297994269,0.7945558739255014,0.8316618911174785,0.8806590257879656,0.09306590257879656,0.8757521489971347,0.745100457088278,0.773945800042942,0.7433267032159688
|
32 |
+
0,56079,0.6776504297994269,0.793839541547278,0.8363896848137535,0.8815186246418338,0.09312320916905444,0.87652817574021,0.7457400964206119,0.7747111019599331,0.7440346428408825
|
33 |
+
0,57888,0.6760744985673353,0.7931232091690544,0.8328080229226361,0.8806590257879656,0.09308022922636104,0.8757282712511938,0.7433894460362932,0.7727087433066733,0.7416977071719421
|
34 |
+
0,59697,0.6769340974212035,0.794269340974212,0.8391117478510028,0.8853868194842407,0.09356733524355301,0.8803963705826169,0.7460526106335559,0.7759426145357313,0.7443462818977339
|
35 |
+
0,61506,0.6833810888252149,0.7979942693409742,0.8383954154727794,0.8846704871060171,0.0935243553008596,0.8798591212989493,0.7496414927002318,0.7782715596977141,0.7475501008926376
|
36 |
+
0,63315,0.6849570200573066,0.7968481375358166,0.8362464183381089,0.8861031518624641,0.09365329512893983,0.8811843361986628,0.750657718197116,0.7793241089836488,0.7485135873736275
|
37 |
+
0,65124,0.6820916905444127,0.7969914040114613,0.8359598853868195,0.8835243553008596,0.09335243553008597,0.8787607449856734,0.7483934256606176,0.7770475568155083,0.7464119617256325
|
38 |
+
0,66933,0.6858166189111747,0.7987106017191977,0.8408309455587393,0.88810888252149,0.09378223495702008,0.8830348615090735,0.7518509801246185,0.7804577475692761,0.7491887810835822
|
39 |
+
0,68742,0.688538681948424,0.8010028653295129,0.8424068767908309,0.8863896848137536,0.09368194842406878,0.8819126074498568,0.7542985059353245,0.7822305553882686,0.7519225212930479
|
40 |
+
0,70551,0.6865329512893983,0.8031518624641834,0.842836676217765,0.88810888252149,0.09376790830945558,0.8827602674307544,0.7538283417473953,0.7820560873656531,0.7514378784540661
|
41 |
+
0,72360,0.6845272206303725,0.8002865329512894,0.8411174785100286,0.8883954154727793,0.09376790830945558,0.8829512893982808,0.7520117000955094,0.7807144960107072,0.7496433099326004
|
42 |
+
0,74169,0.6891117478510028,0.8041547277936962,0.8429799426934097,0.8896848137535817,0.09399713467048712,0.8847898758357211,0.7557068949833989,0.7841022097411743,0.7535029041562676
|
43 |
+
0,75978,0.6843839541547277,0.8012893982808023,0.8391117478510028,0.8872492836676218,0.09369627507163324,0.8821513849092645,0.7518093646245504,0.7803727512679309,0.7493969401484087
|
44 |
+
0,77787,0.6861031518624642,0.7991404011461318,0.8408309455587393,0.8919770773638969,0.09425501432664758,0.8874761222540593,0.7535246395597396,0.7831342610384171,0.7515457597364007
|
45 |
+
0,79596,0.6853868194842407,0.8,0.8405444126074498,0.8911174785100286,0.09412607449856733,0.8861150907354345,0.7526125665165769,0.7820439140996677,0.7503673963986823
|
46 |
+
0,81405,0.6888252148997135,0.8035816618911175,0.8432664756446991,0.8915472779369628,0.09418338108882521,0.8867239732569245,0.7557959817164682,0.7847526520184234,0.7538451799939426
|
47 |
+
0,83214,0.6893982808022923,0.8010028653295129,0.8406876790830946,0.8921203438395415,0.09426934097421204,0.887440305635148,0.7552603811343052,0.7843021049120434,0.7530735084326128
|
48 |
+
0,85023,0.6855300859598854,0.801432664756447,0.8421203438395416,0.8898280802292263,0.09411174785100287,0.8855897803247372,0.7531316800836834,0.782577963811531,0.7513163094386093
|
49 |
+
0,86832,0.6856733524355301,0.8008595988538681,0.8439828080229226,0.8905444126074499,0.09408309455587394,0.8857211079274117,0.7534879701641861,0.7827564914767159,0.7515482947297881
|
50 |
+
0,88641,0.6848137535816619,0.8022922636103151,0.842836676217765,0.890974212034384,0.09415472779369628,0.8861986628462273,0.7530065493245999,0.7826336279675666,0.7513781713845714
|
51 |
+
0,90450,0.6898280802292264,0.8015759312320917,0.8412607449856734,0.8904011461318052,0.09414040114613181,0.8859360076408788,0.7551340564879236,0.7840689206666525,0.753330415784539
|
52 |
+
0,92259,0.6892550143266476,0.8048710601719198,0.8468481375358167,0.8954154727793696,0.09468481375358166,0.8908906399235911,0.7572453040432979,0.7870251843791458,0.7553135093270338
|
53 |
+
0,94068,0.6876790830945558,0.8022922636103151,0.8472779369627507,0.8936962750716332,0.09442693409742119,0.8887058261700095,0.7555223541183421,0.7849693067665943,0.753356642099475
|
54 |
+
0,95877,0.6853868194842407,0.8050143266475644,0.8454154727793697,0.8905444126074499,0.09422636103151863,0.8862702960840497,0.7541585937144667,0.7836697942221997,0.7524616007462919
|
55 |
+
0,97686,0.6869627507163324,0.8001432664756447,0.8429799426934097,0.8928366762177651,0.09424068767908308,0.8875596943648518,0.7537753558921169,0.7832943685941047,0.751564960729697
|
56 |
+
0,99495,0.6911174785100287,0.8075931232091691,0.8482808022922637,0.8951289398280803,0.09459885386819483,0.8905205348615091,0.758860633556191,0.7882059100286198,0.7569333759771318
|
57 |
+
0,101304,0.6958452722063038,0.811461318051576,0.8507163323782235,0.897134670487106,0.09477077363896848,0.8922755491881565,0.7626477577659516,0.7913507936521013,0.7605140413991657
|
58 |
+
0,103113,0.6951289398280802,0.8083094555873925,0.8472779369627507,0.8949856733524355,0.09458452722063038,0.8902698185291308,0.761087403920498,0.7895002678239131,0.7588426676849289
|
59 |
+
0,104922,0.6939828080229227,0.8037249283667621,0.8475644699140401,0.8942693409742121,0.09444126074498568,0.8895176695319963,0.7593154477645873,0.7879946678624777,0.7572109041897902
|
60 |
+
0,106731,0.6941260744985673,0.8083094555873925,0.847134670487106,0.8949856733524355,0.09464183381088825,0.8906757402101241,0.7603152999499702,0.7893287486798901,0.7586385581432671
|
61 |
+
0,108540,0.6931232091690545,0.8035816618911175,0.8465616045845272,0.8961318051575932,0.09477077363896848,0.8916547277936963,0.7590652430981931,0.7881685749057934,0.7564650302804257
|
62 |
+
0,110349,0.692836676217765,0.8044412607449857,0.8459885386819485,0.8921203438395415,0.09435530085959885,0.8877507163323782,0.7581658480010909,0.7866218133728372,0.7558303277479518
|
63 |
+
0,112158,0.6989971346704871,0.8107449856733524,0.8520057306590257,0.8997134670487106,0.09505730659025788,0.8949617956064947,0.7642301132487375,0.7929490481090339,0.7616035571808577
|
64 |
+
0,113967,0.6936962750716332,0.810028653295129,0.8510028653295129,0.8978510028653295,0.09491404011461319,0.8933739255014327,0.7611990039568817,0.7903985721480631,0.7587513019281081
|
65 |
+
0,115776,0.6936962750716332,0.8108882521489972,0.8462750716332378,0.8932664756446992,0.0944269340974212,0.8887893982808023,0.7599338245326775,0.7884211448083347,0.7579101345446309
|
66 |
+
0,117585,0.697134670487106,0.8136103151862464,0.8541547277936963,0.8975644699140402,0.0949570200573066,0.8935052531041069,0.7640871878837484,0.792726283866255,0.7617147799278292
|
67 |
+
0,119394,0.6989971346704871,0.814756446991404,0.852865329512894,0.8992836676217765,0.09504297994269341,0.8950692454632284,0.765854709601126,0.7943577114055074,0.7633767700052012
|
68 |
+
0,121203,0.6991404011461319,0.8131805157593123,0.8532951289398281,0.898567335243553,0.09498567335243553,0.8946394460362941,0.7654862532405506,0.7940032746032547,0.7631004027905137
|
69 |
+
0,123012,0.6929799426934098,0.8116045845272206,0.8510028653295129,0.8957020057306591,0.09462750716332378,0.8913323782234956,0.761051985264019,0.7900911653126935,0.7591519097151128
|
70 |
+
0,124821,0.692836676217765,0.8111747851002865,0.8505730659025788,0.8948424068767908,0.09455587392550144,0.8905563514804203,0.7607796084049668,0.789607530504775,0.7586613344790409
|
71 |
+
0,126630,0.6932664756446991,0.8098853868194842,0.8524355300859598,0.8961318051575932,0.0947134670487106,0.8917621776504298,0.7612154341201609,0.7902357819910288,0.7591441827695803
|
72 |
+
0,128439,0.6932664756446991,0.8101719197707736,0.8524355300859598,0.8944126074498567,0.09446991404011462,0.8898400191021967,0.7610936576158635,0.7896017109907391,0.7587928744250281
|
73 |
+
0,130248,0.6967048710601719,0.8131805157593123,0.8522922636103152,0.8968481375358166,0.09478510028653296,0.8924546322827125,0.7637046891344884,0.7922381744373285,0.7616290526723283
|
74 |
+
0,132057,0.7008595988538682,0.813323782234957,0.8538681948424068,0.8969914040114613,0.09479942693409743,0.8925262655205348,0.765674830581705,0.7937407255347217,0.76351373077543
|
75 |
+
0,133866,0.6979942693409742,0.8128939828080229,0.8548710601719197,0.8982808022922636,0.09497134670487106,0.8938156638013371,0.7649846500204649,0.7934528012761928,0.76260871309846
|
76 |
+
0,135675,0.6989971346704871,0.8116045845272206,0.8511461318051576,0.8984240687679083,0.09488538681948425,0.8938037249283668,0.7646367740028188,0.7930893065707347,0.7622761277944677
|
77 |
+
0,137484,0.6961318051575931,0.8093123209169054,0.8521489971346705,0.8964183381088825,0.09468481375358168,0.8916189111747851,0.7625326897712275,0.7908683028702511,0.7601536464810698
|
78 |
+
0,139293,0.6974212034383954,0.8123209169054442,0.8524355300859598,0.8981375358166189,0.0948567335243553,0.8935410697230182,0.7641882703415639,0.7928424443424662,0.7620749530788214
|
79 |
+
0,141102,0.7020057306590258,0.8203438395415473,0.8560171919770774,0.9005730659025788,0.09514326647564471,0.8957975167144221,0.7689241369900377,0.7968391381421223,0.7663526430659676
|
80 |
+
0,142911,0.6981375358166189,0.8131805157593123,0.8551575931232092,0.8954154727793696,0.09467048710601718,0.8910219675262656,0.7647091463137304,0.792481669419341,0.7623972173993349
|
81 |
+
0,144720,0.6981375358166189,0.8171919770773639,0.8545845272206304,0.8992836676217765,0.095,0.8947349570200573,0.765579319597944,0.7940610464354793,0.763140623825861
|
82 |
+
0,146529,0.6989971346704871,0.8144699140401146,0.8544412607449857,0.8979942693409743,0.09488538681948423,0.8935649474689589,0.76548107972893,0.7937832511365803,0.7632200956675241
|
83 |
+
0,148338,0.6948424068767909,0.8134670487106017,0.8524355300859598,0.8957020057306591,0.09472779369627508,0.891678605539637,0.7628362782553312,0.7913082131406038,0.7605058017517176
|
84 |
+
0,150147,0.6972779369627508,0.8103151862464183,0.8501432664756448,0.8975644699140402,0.09485673352435531,0.8930873925501432,0.763462671123844,0.7918974102687732,0.7608622109547571
|
85 |
+
0,151956,0.7004297994269341,0.8118911174785101,0.8541547277936963,0.9004297994269341,0.09517191977077363,0.896310888252149,0.7661113953699903,0.7947869335531765,0.7636566996666253
|
86 |
+
0,153765,0.7002865329512894,0.8137535816618912,0.8541547277936963,0.8992836676217765,0.09504297994269342,0.8948543457497613,0.766759391913403,0.795023619554326,0.7644623749021835
|
87 |
+
0,155574,0.6944126074498568,0.8120343839541547,0.8521489971346705,0.8958452722063037,0.09472779369627506,0.8914875835721108,0.7623337085550541,0.790996372746884,0.7603519430082702
|
88 |
+
0,157383,0.7,0.8144699140401146,0.8564469914040115,0.9031518624641833,0.0954297994269341,0.8987464183381089,0.7671035725656057,0.7963270250790994,0.7647834331814235
|
89 |
+
0,159192,0.6935530085959886,0.8103151862464183,0.85,0.8964183381088825,0.09472779369627508,0.8920367717287487,0.7613998612816664,0.7902873096408531,0.759291847315282
|
90 |
+
0,161001,0.7037249283667621,0.8157593123209169,0.8573065902578797,0.9004297994269341,0.095243553008596,0.8964302769818528,0.7693887865556919,0.7976017295684504,0.7673421722400579
|
91 |
+
0,162810,0.7034383954154728,0.8146131805157593,0.8553008595988538,0.8987106017191977,0.09498567335243553,0.8943529130850048,0.7685526674853312,0.7963159982204012,0.7663118169198022
|
92 |
+
0,164619,0.6997134670487106,0.8113180515759313,0.8524355300859598,0.8968481375358166,0.09475644699140402,0.8924188156638013,0.7653344589984982,0.7935108362853387,0.7633526718086383
|
93 |
+
0,166428,0.6984240687679083,0.8136103151862464,0.8555873925501433,0.898567335243553,0.0948997134670487,0.8938156638013371,0.7654444671851542,0.7938131991331441,0.7632468223876033
|
94 |
+
0,168237,0.7011461318051576,0.8137535816618912,0.8580229226361031,0.9022922636103152,0.09521489971346705,0.8973734479465137,0.7675928389502868,0.796231582502996,0.7651476145739946
|
95 |
+
0,170046,0.7041547277936963,0.8163323782234957,0.8603151862464183,0.9017191977077363,0.09517191977077363,0.8967765042979943,0.770380110974666,0.7982715075466686,0.7681003048684227
|
96 |
+
0,171855,0.7034383954154728,0.8160458452722062,0.8573065902578797,0.8982808022922636,0.09494269340974212,0.8940186246418338,0.7689659798972108,0.7965629823643323,0.766873800687024
|
97 |
+
0,173664,0.7005730659025788,0.814756446991404,0.8545845272206304,0.8977077363896848,0.09482808022922637,0.8930873925501432,0.7665838904807373,0.7944995140955174,0.7644640416942362
|
98 |
+
0,175473,0.7038681948424069,0.8183381088825215,0.8581661891117478,0.8992836676217765,0.09494269340974212,0.8942574021012416,0.7696687815527353,0.7970682762418254,0.7673556112309636
|
99 |
+
0,177282,0.7021489971346705,0.8173352435530086,0.8573065902578797,0.9022922636103152,0.09522922636103152,0.8973734479465137,0.7690882112157172,0.7971912175992518,0.7663036589914791
|
100 |
+
0,179091,0.7084527220630372,0.8177650429799427,0.8554441260744986,0.8989971346704871,0.095,0.8942454632282713,0.7722540592168081,0.7989724555070121,0.7699594746884164
|
101 |
+
0,180900,0.706160458452722,0.8183381088825215,0.8558739255014327,0.9015759312320917,0.09525787965616048,0.8967645654250238,0.7712725133033155,0.7989050350812017,0.768885730066868
|
102 |
+
0,182709,0.7050143266475645,0.8150429799426934,0.8557306590257879,0.9018624641833811,0.09532951289398282,0.8973376313276026,0.7701229135398177,0.798041267781492,0.7674489796131178
|
103 |
+
0,184518,0.7012893982808023,0.8121776504297994,0.8511461318051576,0.8991404011461318,0.09489971346704873,0.8939231136580706,0.766599752126255,0.7946057669441075,0.7643565868534613
|
104 |
+
0,186327,0.7048710601719198,0.8131805157593123,0.8540114613180516,0.8978510028653295,0.09482808022922636,0.8929321872015281,0.7689850820939629,0.7961940123924258,0.766813217614279
|
105 |
+
0,188136,0.7060171919770774,0.8171919770773639,0.8534383954154727,0.8981375358166189,0.09491404011461319,0.8933858643744031,0.7703777800518476,0.7975643017512766,0.7684601049961737
|
106 |
+
0,189945,0.704727793696275,0.8160458452722062,0.8560171919770774,0.898567335243553,0.09497134670487106,0.8939111747851003,0.7693003251921577,0.7967347857216145,0.7670459786838939
|
107 |
+
0,191754,0.7077363896848138,0.816189111747851,0.8553008595988538,0.9004297994269341,0.09512893982808023,0.8957020057306591,0.7718642265884382,0.798983051555355,0.769517489779092
|
108 |
+
0,193563,0.7065902578796561,0.8151862464183381,0.8594555873925501,0.8988538681948424,0.09497134670487108,0.8938872970391595,0.7709776231409459,0.797908085085846,0.7686490847344652
|
109 |
+
0,195372,0.7050143266475645,0.8184813753581662,0.8583094555873926,0.9004297994269341,0.09511461318051577,0.8954512893982808,0.7702249056260505,0.797830527126893,0.7679800336747935
|
110 |
+
0,197181,0.7041547277936963,0.8180515759312321,0.860458452722063,0.901432664756447,0.09528653295128942,0.8968481375358166,0.7705295174421234,0.7984202388025444,0.7681959116791499
|
111 |
+
0,198990,0.7007163323782235,0.8174785100286533,0.8583094555873926,0.8994269340974212,0.09504297994269341,0.8946275071633237,0.7681366830399774,0.795982318085597,0.7657488134317504
|
112 |
+
0,200799,0.704727793696275,0.8193409742120343,0.8600286532951289,0.9001432664756447,0.09505730659025788,0.8951528175740211,0.771310035475506,0.7985412832550751,0.7689754246920012
|
113 |
+
0,202608,0.703295128939828,0.8156160458452723,0.8542979942693409,0.9004297994269341,0.09512893982808023,0.8956661891117479,0.7690495520080034,0.797070693119392,0.7669458989301614
|
114 |
+
0,204417,0.707593123209169,0.819054441260745,0.8565902578796561,0.9,0.09515759312320916,0.8955109837631327,0.7719591122026639,0.7991358057120079,0.7696643993612019
|
115 |
+
0,206226,0.7054441260744986,0.8159025787965616,0.8577363896848138,0.8995702005730659,0.09508595988538683,0.8948424068767908,0.7700588984399861,0.797614896526735,0.7680347913952437
|
116 |
+
0,208035,0.7050143266475645,0.8177650429799427,0.8558739255014327,0.8981375358166189,0.09492836676217765,0.893385864374403,0.769918872515577,0.7972767000482538,0.7681551176359113
|
117 |
+
0,209844,0.7021489971346705,0.816189111747851,0.8571633237822349,0.9004297994269341,0.09520057306590259,0.8957736389684814,0.7688007686360101,0.7970712650190358,0.7670192619360121
|
118 |
+
0,211653,0.7074498567335243,0.8202005730659025,0.8598853868194842,0.9007163323782235,0.09522922636103152,0.8962034383954155,0.7725538386319171,0.7999698687544058,0.7706976479956121
|
119 |
+
0,213462,0.7074498567335243,0.8186246418338109,0.8598853868194842,0.9002865329512894,0.09521489971346704,0.8958691499522444,0.772087142402327,0.7995329236800313,0.7702021974424104
|
120 |
+
0,215271,0.7070200573065902,0.8223495702005731,0.8610315186246418,0.9027220630372493,0.09550143266475647,0.8984240687679083,0.7733572110792725,0.8011918913361934,0.7714009904406769
|
121 |
+
0,217080,0.7041547277936963,0.8193409742120343,0.8597421203438396,0.9010028653295129,0.09522922636103152,0.8963825214899713,0.7706959794423964,0.7986172753105328,0.7687652794353004
|
122 |
+
0,218889,0.7050143266475645,0.814756446991404,0.8563037249283668,0.8978510028653295,0.09484240687679082,0.8929799426934097,0.769187190157819,0.7964821100531055,0.7672006881576776
|
123 |
+
0,220698,0.7028653295128939,0.8167621776504298,0.8571633237822349,0.8995702005730659,0.09497134670487103,0.8944484240687679,0.768943807704552,0.796544684372746,0.7667431376545288
|
124 |
+
0,222507,0.7060171919770774,0.819054441260745,0.8594555873925501,0.901432664756447,0.09517191977077363,0.896191499522445,0.7714946900441159,0.7989893819877475,0.7692621109998119
|
125 |
+
0,224316,0.7081661891117479,0.8212034383954154,0.8585959885386819,0.9017191977077363,0.095243553008596,0.8966690544412608,0.7730116659844442,0.8001492504171274,0.7706223600049779
|
126 |
+
0,226125,0.7053008595988539,0.8194842406876791,0.8595988538681948,0.9008595988538682,0.09517191977077365,0.8959765998089779,0.7714488106608433,0.798850407059877,0.7691188535047667
|
127 |
+
0,227934,0.7058739255014327,0.8213467048710602,0.860458452722063,0.9040114613180515,0.09550143266475646,0.8993433619866283,0.7725140992404593,0.8005632582291332,0.7702050785711785
|
128 |
+
0,229743,0.7070200573065902,0.8210601719197708,0.8593123209169055,0.9012893982808023,0.09522922636103152,0.8965854823304679,0.7728300245599665,0.8000169957403177,0.7704027300249371
|
129 |
+
0,231552,0.7050143266475645,0.8226361031518624,0.8606017191977078,0.9021489971346704,0.09532951289398282,0.8973973256924546,0.7715870173284202,0.7992504404876024,0.7690209053815195
|
130 |
+
0,233361,0.7078796561604584,0.8217765042979943,0.8607449856733524,0.9018624641833811,0.09532951289398282,0.8973734479465137,0.77354345749761,0.8007734961536245,0.7711628953099832
|
131 |
+
0,235170,0.7136103151862464,0.8255014326647564,0.8610315186246418,0.902865329512894,0.09540114613180516,0.8982211079274116,0.7772849297312033,0.8037700304739527,0.7748007855816818
|
132 |
+
0,236979,0.7106017191977078,0.8237822349570201,0.86189111747851,0.9008595988538682,0.09522922636103152,0.8965735434574976,0.7747624164278873,0.8014864631017817,0.7724343534077128
|
133 |
+
0,238788,0.7107449856733524,0.8224928366762178,0.8597421203438396,0.9025787965616046,0.09542979942693412,0.8981375358166189,0.7747098853868177,0.8018296740232745,0.7722901154865417
|
134 |
+
0,240597,0.7087392550143267,0.8197707736389684,0.8594555873925501,0.9027220630372493,0.0954297994269341,0.8983643744030563,0.7730988197571275,0.8006024347544913,0.7705495769371175
|
135 |
+
0,242406,0.7116045845272206,0.8203438395415473,0.8607449856733524,0.9027220630372493,0.09537249283667622,0.898077841451767,0.775303417928774,0.8020582428923552,0.772509993867799
|
136 |
+
0,244215,0.7106017191977078,0.8216332378223495,0.8617478510028653,0.9038681948424069,0.09554441260744985,0.8996060171919771,0.7750204097875996,0.8023401343879478,0.7723608759145494
|
137 |
+
0,246024,0.7078796561604584,0.8227793696275072,0.8610315186246418,0.9022922636103152,0.09531518624641833,0.8976838586437441,0.7731423113658049,0.8006626214775575,0.7710110951100803
|
138 |
+
0,247833,0.707593123209169,0.8189111747851003,0.859025787965616,0.8979942693409743,0.09484240687679082,0.8933142311365808,0.7717417678628261,0.7984713680701707,0.7696693054640411
|
139 |
+
0,249642,0.7045845272206304,0.8212034383954154,0.8585959885386819,0.9025787965616046,0.0953868194842407,0.8981136580706781,0.7712888866148162,0.7992305215321094,0.7688449684191967
|
140 |
+
0,251451,0.7067335243553009,0.8196275071633238,0.8585959885386819,0.9020057306590258,0.09530085959885387,0.8973376313276027,0.7719653090462534,0.7994373694255228,0.7694565970080708
|
141 |
+
0,253260,0.7097421203438395,0.820487106017192,0.8591690544412608,0.9021489971346704,0.09530085959885387,0.8973256924546323,0.773604232046207,0.8006758768082768,0.7711855508868303
|
142 |
+
0,255069,0.7101719197707737,0.8220630372492836,0.8565902578796561,0.9022922636103152,0.09535816618911175,0.8979823304680037,0.7741620048210279,0.8015099416988366,0.7722168053495945
|
143 |
+
0,256878,0.7120343839541547,0.819054441260745,0.8598853868194842,0.902865329512894,0.09542979942693408,0.8983285577841451,0.7743311957065508,0.8016244502951735,0.772198586873114
|
144 |
+
0,258687,0.7095988538681949,0.8189111747851003,0.8563037249283668,0.9017191977077363,0.09532951289398281,0.8972301814708691,0.7729286623914111,0.8001452297729282,0.7704544852039115
|
145 |
+
0,260496,0.7127507163323782,0.8196275071633238,0.8608882521489971,0.9022922636103152,0.09544412607449858,0.8980539637058261,0.7753868763360143,0.8021874140001539,0.7727523748243196
|
146 |
+
0,262305,0.7110315186246419,0.8196275071633238,0.859025787965616,0.9022922636103152,0.09537249283667622,0.8975405921680994,0.7743284668213023,0.8012957711653631,0.7718666389028676
|
147 |
+
0,264114,0.7098853868194842,0.816189111747851,0.8574498567335244,0.9037249283667622,0.09551575931232092,0.8990448901623687,0.7732009823986884,0.8006527735175925,0.77048513364712
|
148 |
+
0,265923,0.7131805157593123,0.8232091690544413,0.860458452722063,0.9024355300859599,0.09540114613180517,0.8978390639923591,0.7764182244053287,0.8028418229953442,0.7737257631475654
|
149 |
+
0,267732,0.7113180515759312,0.8202005730659025,0.8610315186246418,0.9037249283667622,0.09554441260744986,0.8992120343839541,0.7751536703506604,0.8022266712495854,0.7723929719704893
|
150 |
+
0,269541,0.7098853868194842,0.8207736389684813,0.8598853868194842,0.9040114613180515,0.09548710601719197,0.8991045845272206,0.7743278983035412,0.8015733086999262,0.7716433338256452
|
151 |
+
0,271350,0.7103151862464183,0.8222063037249283,0.8585959885386819,0.9041547277936963,0.09553008595988538,0.8994746895893028,0.774405046163642,0.8017699518100603,0.771823511345372
|
152 |
+
0,273159,0.7150429799426934,0.8212034383954154,0.8588825214899714,0.9031518624641833,0.09541547277936963,0.8983166189111748,0.7772359803520246,0.8035862064000664,0.7746368202330348
|
153 |
+
0,274968,0.7117478510028653,0.8180515759312321,0.8573065902578797,0.9024355300859599,0.0953868194842407,0.8976957975167144,0.7743369377359322,0.801187293112448,0.7715743072772275
|
154 |
+
0,276777,0.710028653295129,0.819054441260745,0.8595988538681948,0.9035816618911174,0.09548710601719197,0.8990090735434575,0.7737503411106539,0.8012400829363465,0.7711786874940533
|
155 |
+
0,278586,0.7095988538681949,0.8213467048710602,0.8585959885386819,0.901432664756447,0.09524355300859598,0.8966332378223496,0.7737532405512326,0.8007313568820388,0.7714187576677406
|
156 |
+
0,280395,0.7108882521489971,0.8206303724928367,0.8626074498567335,0.9044412607449857,0.09555873925501433,0.8996895893027698,0.7752903988720582,0.8026913199227175,0.7729186282191386
|
157 |
+
0,282204,0.7101719197707737,0.8232091690544413,0.8613180515759312,0.9034383954154728,0.09553008595988538,0.8988538681948424,0.775347136944557,0.8026016510841237,0.7730292636483651
|
158 |
+
0,284013,0.7141833810888252,0.826647564469914,0.8631805157593123,0.9054441260744985,0.09565902578796562,0.9006208213944603,0.7784747237003669,0.8052304348244566,0.7758721414588206
|
159 |
+
0,285822,0.7091690544412608,0.8224928366762178,0.8611747851002866,0.9048710601719198,0.09565902578796562,0.9002507163323782,0.7743533678992116,0.802011959211171,0.7716957178764949
|
160 |
+
0,287631,0.7124641833810889,0.8267908309455587,0.8640401146131805,0.9050143266475644,0.0957163323782235,0.9007999044890164,0.7775475280847761,0.8047888001237965,0.7753204806297973
|
161 |
+
0,289440,0.7137535816618911,0.8252148997134671,0.8616045845272207,0.9031518624641833,0.09551575931232092,0.8988061127029607,0.7776372401873817,0.8042767611322023,0.7753665577410147
|
162 |
+
0,291249,0.7147564469914041,0.8236389684813754,0.8627507163323782,0.9081661891117478,0.09604584527220632,0.9038681948424069,0.7784910401600933,0.8061185992651415,0.7759714095536392
|
163 |
+
0,293058,0.7136103151862464,0.8255014326647564,0.8610315186246418,0.9047277936962751,0.09564469914040116,0.9000238777459408,0.7771854959748938,0.8042392912230953,0.7748718501078613
|
164 |
+
0,294867,0.7136103151862464,0.8257879656160458,0.8636103151862464,0.9045845272206303,0.09564469914040115,0.9000716332378224,0.7781042775276288,0.8049568935518965,0.7757801096030136
|
165 |
+
0,296676,0.7148997134670487,0.8263610315186246,0.8651862464183381,0.9031518624641833,0.09550143266475647,0.8985434574976123,0.7783429981352601,0.8048518606091037,0.7761156361271682
|
166 |
+
0,298485,0.7153295128939828,0.8253581661891117,0.8641833810888252,0.9037249283667622,0.0955300859598854,0.8989732569245464,0.7785648906171816,0.8050782715585176,0.7763485909954091
|
167 |
+
0,300294,0.7146131805157593,0.8242120343839542,0.8646131805157593,0.9048710601719198,0.09564469914040115,0.9002387774594078,0.7783362327739097,0.8052116871270272,0.7760325404863042
|
168 |
+
0,302103,0.7150429799426934,0.8240687679083094,0.8634670487106018,0.9020057306590258,0.09540114613180517,0.8975883476599809,0.777886478373583,0.8042901908467635,0.7758043423903841
|
169 |
+
0,303912,0.7163323782234957,0.8273638968481375,0.8656160458452722,0.9045845272206303,0.09564469914040115,0.9000238777459407,0.7798892527402541,0.806366189041975,0.7775941498081608
|
170 |
+
0,305721,0.7138968481375358,0.8269340974212034,0.8640401146131805,0.9034383954154728,0.09558739255014327,0.8990926456542503,0.7776188770637169,0.8043669423057033,0.7752447680452565
|
171 |
+
0,307530,0.7141833810888252,0.8277936962750716,0.8670487106017192,0.9050143266475644,0.09567335243553007,0.9003104106972301,0.778698037476689,0.8056292143013184,0.7765501589974183
|
172 |
+
0,309339,0.7131805157593123,0.8260744985673353,0.8656160458452722,0.9041547277936963,0.09564469914040116,0.8999283667621777,0.7775970459817144,0.8046675922162139,0.7754505666482482
|
173 |
+
0,311148,0.7144699140401146,0.8267908309455587,0.8660458452722063,0.9055873925501433,0.09580229226361033,0.9012655205348614,0.778702471915221,0.8056907353408757,0.7763055736518703
|
174 |
+
0,312957,0.7160458452722063,0.8267908309455587,0.8648997134670487,0.9063037249283667,0.09583094555873925,0.9017191977077363,0.7798461022422326,0.8065469805546552,0.7772001409833657
|
175 |
+
0,314766,0.7148997134670487,0.8263610315186246,0.8644699140401146,0.904297994269341,0.09564469914040115,0.8998806112702962,0.7785213421567263,0.805180582099061,0.776084237074718
|
176 |
+
0,316575,0.7131805157593123,0.8267908309455587,0.8653295128939829,0.9040114613180515,0.09567335243553007,0.8998089780324736,0.7779876745349504,0.8049110554278155,0.7757746866367689
|
177 |
+
0,318384,0.71432664756447,0.8272206303724928,0.866189111747851,0.9030085959885387,0.09551575931232092,0.898447946513849,0.7782494201118826,0.8046564687745034,0.7759665871386285
|
178 |
+
0,320193,0.7154727793696275,0.8267908309455587,0.864756446991404,0.9037249283667622,0.09558739255014327,0.8993791786055397,0.7791744553599838,0.8056669718549232,0.7770212203807074
|
179 |
+
0,322002,0.7160458452722063,0.8267908309455587,0.8638968481375359,0.9040114613180515,0.09567335243553007,0.9000955109837631,0.7793658184381661,0.806008346832823,0.7772020823632599
|
180 |
+
0,323811,0.7157593123209169,0.8252148997134671,0.8627507163323782,0.9027220630372493,0.09554441260744986,0.8987344794651384,0.7784868899804416,0.8049415639993609,0.7762631256771018
|
181 |
+
0,325620,0.7164756446991404,0.8267908309455587,0.8636103151862464,0.9050143266475644,0.09574498567335243,0.9008595988538682,0.7798346181834711,0.8064450442114911,0.7774611489721297
|
182 |
+
0,327429,0.71432664756447,0.8275071633237823,0.8648997134670487,0.9040114613180515,0.09560171919770773,0.8997373447946514,0.7786515327238817,0.8052267927085195,0.7762561740069702
|
183 |
+
0,329238,0.7160458452722063,0.8263610315186246,0.8634670487106018,0.9050143266475644,0.09574498567335243,0.9007163323782235,0.779237674534951,0.8058680631981543,0.776782364933351
|
184 |
+
0,331047,0.7151862464183381,0.8257879656160458,0.8628939828080229,0.9030085959885387,0.09551575931232092,0.8988061127029608,0.7781731250284243,0.8045902852447318,0.7757929468327034
|
185 |
+
0,332856,0.7157593123209169,0.82621776504298,0.8651862464183381,0.9037249283667622,0.09561604584527222,0.8995702005730659,0.7785061627325226,0.805082774945532,0.7761347381045524
|
186 |
+
0,334665,0.7151862464183381,0.826647564469914,0.8654727793696275,0.9034383954154728,0.09560171919770773,0.8993314231136582,0.7787658616455152,0.8053113769391901,0.7764803547529917
|
187 |
+
0,336474,0.7148997134670487,0.8253581661891117,0.8653295128939829,0.9030085959885387,0.09551575931232092,0.8987344794651385,0.778287112839403,0.8046870035533914,0.7758512199055835
|
188 |
+
0,338283,0.7130372492836676,0.8242120343839542,0.8650429799426934,0.9025787965616046,0.09548710601719197,0.8983524355300859,0.7768767908309443,0.8036251222754085,0.7745964159575373
|
189 |
+
0,340092,0.7136103151862464,0.8257879656160458,0.8659025787965616,0.9034383954154728,0.09554441260744986,0.8989971346704871,0.7779220675853901,0.8045890359402065,0.7756369703141696
|
190 |
+
0,341901,0.7146131805157593,0.8276504297994269,0.866189111747851,0.9047277936962751,0.09570200573065903,0.9004536771728749,0.7789046936826292,0.8056981935867344,0.7766332677879246
|
191 |
+
0,343710,0.7156160458452722,0.82621776504298,0.866189111747851,0.9051575931232092,0.0957163323782235,0.9007163323782235,0.7792879315049788,0.8059876234341792,0.776935947180712
|
192 |
+
0,345519,0.7154727793696275,0.8273638968481375,0.8664756446991404,0.9054441260744985,0.09574498567335243,0.9009551098376314,0.7793303429299119,0.8059889247562307,0.7767925797642706
|
193 |
+
0,347328,0.7164756446991404,0.8267908309455587,0.867191977077364,0.9054441260744985,0.09574498567335243,0.9010267430754537,0.7797517851457658,0.8063714519892436,0.7773368508956224
|
194 |
+
0,349137,0.7154727793696275,0.8265042979942694,0.8660458452722063,0.9037249283667622,0.09555873925501433,0.899235912129895,0.7788444876517925,0.8053108703357822,0.776592136186749
|
195 |
+
0,350946,0.7167621776504298,0.8270773638968482,0.8656160458452722,0.9053008595988539,0.09573065902578798,0.9008118433619867,0.7798600877791401,0.8063802796988154,0.7774041411826512
|
196 |
+
0,352755,0.7169054441260745,0.8273638968481375,0.8656160458452722,0.9053008595988539,0.09573065902578798,0.9008118433619867,0.779964297084639,0.8064895350101767,0.7775739424436806
|
197 |
+
0,354564,0.7163323782234957,0.8263610315186246,0.8656160458452722,0.904297994269341,0.09563037249283668,0.8998806112702962,0.7794541660981473,0.8058826404599608,0.777102556373921
|
198 |
+
0,356373,0.7173352435530086,0.8265042979942694,0.8654727793696275,0.9051575931232092,0.0957163323782235,0.9006685768863419,0.7801747623595747,0.8065914309155395,0.7777495169786508
|
199 |
+
0,358182,0.716189111747851,0.82621776504298,0.8650429799426934,0.9050143266475644,0.09568767908309457,0.9005491881566381,0.7794239209532892,0.8060009689953078,0.7770236712162535
|
200 |
+
0,359991,0.716189111747851,0.8257879656160458,0.8650429799426934,0.9050143266475644,0.09568767908309457,0.9005491881566381,0.7793899235912115,0.8059421066044139,0.7769269783633574
|
201 |
+
0,-1,0.7160458452722063,0.82621776504298,0.8651862464183381,0.9050143266475644,0.09568767908309457,0.9005491881566381,0.779285884841041,0.8058608736268024,0.7768116620530992
|
eval/Information-Retrieval_evaluation_mmarco-pt-test2019-0-passages_results.csv
ADDED
@@ -0,0 +1,2 @@
|
|
|
|
|
|
|
1 |
+
epoch,steps,cos_sim-Accuracy@1,cos_sim-Accuracy@5,cos_sim-Accuracy@10,cos_sim-Precision@1,cos_sim-Recall@1,cos_sim-Precision@5,cos_sim-Recall@5,cos_sim-Precision@10,cos_sim-Recall@10,cos_sim-MRR@1,cos_sim-MRR@5,cos_sim-MRR@10,cos_sim-MRR@50,cos_sim-MRR@100,cos_sim-NDCG@10,cos_sim-MAP@100
|
2 |
+
-1,-1,0.76,0.87,0.92,0.76,0.0022901915708812264,0.6859999999999999,0.010646877394636016,0.6545000000000001,0.017121428877635774,0.76,0.8053333333333333,0.8118115079365079,0.8149373060645747,0.8150689716340282,0.6776187041985744,0.3527597604811919
|
eval/similarity_evaluation_assin-ptbr-test_results.csv
ADDED
@@ -0,0 +1,2 @@
|
|
|
|
|
|
|
1 |
+
epoch,steps,cosine_pearson,cosine_spearman,euclidean_pearson,euclidean_spearman,manhattan_pearson,manhattan_spearman,dot_pearson,dot_spearman
|
2 |
+
-1,-1,0.7764381042501757,0.7739221952368533,0.7903477443161737,0.7746585384228495,0.7894500861670763,0.773725994210234,0.6540027286213654,0.6475498663840316
|
eval/similarity_evaluation_assin-ptpt-test_results.csv
ADDED
@@ -0,0 +1,2 @@
|
|
|
|
|
|
|
1 |
+
epoch,steps,cosine_pearson,cosine_spearman,euclidean_pearson,euclidean_spearman,manhattan_pearson,manhattan_spearman,dot_pearson,dot_spearman
|
2 |
+
-1,-1,0.763228887765582,0.7700872263452585,0.7764362718505529,0.7681294754599457,0.7752687163723975,0.7667599379938711,0.6403382311910437,0.6361558723728505
|
eval/similarity_evaluation_assin2-test_results.csv
ADDED
@@ -0,0 +1,2 @@
|
|
|
|
|
|
|
1 |
+
epoch,steps,cosine_pearson,cosine_spearman,euclidean_pearson,euclidean_spearman,manhattan_pearson,manhattan_spearman,dot_pearson,dot_spearman
|
2 |
+
-1,-1,0.8250190224664831,0.7690500878853214,0.8075703205716173,0.7660283413797525,0.8073552007876057,0.7658510147615227,0.7628347064350826,0.6708702088381105
|
eval/similarity_evaluation_iris-sts-test_results.csv
ADDED
@@ -0,0 +1,2 @@
|
|
|
|
|
|
|
1 |
+
epoch,steps,cosine_pearson,cosine_spearman,euclidean_pearson,euclidean_spearman,manhattan_pearson,manhattan_spearman,dot_pearson,dot_spearman
|
2 |
+
-1,-1,0.8002253587490719,0.7970637050911912,0.7786096947442587,0.7798382207786957,0.7778851136602605,0.7797422928611949,0.7765252152022669,0.7854369482606599
|
eval/similarity_evaluation_stsb-multi-mt-pt-test_results.csv
ADDED
@@ -0,0 +1,2 @@
|
|
|
|
|
|
|
1 |
+
epoch,steps,cosine_pearson,cosine_spearman,euclidean_pearson,euclidean_spearman,manhattan_pearson,manhattan_spearman,dot_pearson,dot_spearman
|
2 |
+
-1,-1,0.8298943470344495,0.8229839039080565,0.8202079786029566,0.8194177933620076,0.8198681444985363,0.8189363376264707,0.7269362564128921,0.7134539625693813
|
model.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:0639cf10e152d132b6ec7d390268c35865ed13d70f05d3333244a92cfa5933f0
|
3 |
+
size 435714904
|
modules.json
ADDED
@@ -0,0 +1,14 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
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 |
+
]
|
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,37 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
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.json
ADDED
The diff for this file is too large to render.
See raw diff
|
|
tokenizer_config.json
ADDED
@@ -0,0 +1,64 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
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": true,
|
45 |
+
"cls_token": "[CLS]",
|
46 |
+
"do_basic_tokenize": true,
|
47 |
+
"do_lower_case": false,
|
48 |
+
"mask_token": "[MASK]",
|
49 |
+
"max_length": 128,
|
50 |
+
"model_max_length": 1000000000000000019884624838656,
|
51 |
+
"never_split": null,
|
52 |
+
"pad_to_multiple_of": null,
|
53 |
+
"pad_token": "[PAD]",
|
54 |
+
"pad_token_type_id": 0,
|
55 |
+
"padding_side": "right",
|
56 |
+
"sep_token": "[SEP]",
|
57 |
+
"stride": 0,
|
58 |
+
"strip_accents": null,
|
59 |
+
"tokenize_chinese_chars": true,
|
60 |
+
"tokenizer_class": "BertTokenizer",
|
61 |
+
"truncation_side": "right",
|
62 |
+
"truncation_strategy": "longest_first",
|
63 |
+
"unk_token": "[UNK]"
|
64 |
+
}
|
train-config.yaml
ADDED
@@ -0,0 +1,27 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
trainer: "gist"
|
2 |
+
model_name: "bertimbau-100m-mmarco-pairs-gist1-v1"
|
3 |
+
base_model_name: "bertimbau-100m-europarl-eubookshop-ted2020-tatoeba-ct1-nli-gist10-sts-cosent20-v1"
|
4 |
+
guide_model_name: "bertimbau-100m-europarl-eubookshop-ted2020-tatoeba-ct1-nli-gist10-sts-cosent20-v1"
|
5 |
+
validation_ir: True
|
6 |
+
validation_ir_corpus_size: 50000
|
7 |
+
# validation_ir_corpus_size: 500
|
8 |
+
|
9 |
+
# see https://huggingface.co/docs/datasets/v2.18.0/en/about_dataset_load
|
10 |
+
train_dataset_configs:
|
11 |
+
- alias: "mmarco"
|
12 |
+
path: "unicamp-dl/mmarco"
|
13 |
+
name: "portuguese"
|
14 |
+
split: "train"
|
15 |
+
# split: "train[1000:2000]"
|
16 |
+
|
17 |
+
examples_are_triples: False
|
18 |
+
examples_are_labelled: False
|
19 |
+
seed: 1
|
20 |
+
learning_rate: 1e-5
|
21 |
+
warmup_ratio: 0.1
|
22 |
+
weight_decay: 0.01
|
23 |
+
batch_size: 220
|
24 |
+
use_amp: True
|
25 |
+
epochs: 1
|
26 |
+
# validations_per_epoch: 1
|
27 |
+
validations_per_epoch: 200
|
vocab.txt
ADDED
The diff for this file is too large to render.
See raw diff
|
|