d1mitriz
commited on
Commit
•
f9132ad
1
Parent(s):
9c321a6
greek-slf model after 3 epochs
Browse files- .gitignore +1 -0
- 1_Pooling/config.json +7 -0
- README.md +170 -0
- config.json +42 -0
- config_sentence_transformers.json +7 -0
- eval/triplet_evaluation_results.csv +520 -0
- merges.txt +0 -0
- modules.json +14 -0
- pytorch_model.bin +3 -0
- sentence_bert_config.json +4 -0
- special_tokens_map.json +15 -0
- tokenizer.json +0 -0
- tokenizer_config.json +22 -0
- vocab.json +0 -0
.gitignore
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
checkpoints/
|
1_Pooling/config.json
ADDED
@@ -0,0 +1,7 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
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 |
+
}
|
README.md
ADDED
@@ -0,0 +1,170 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
---
|
2 |
+
language:
|
3 |
+
- el
|
4 |
+
pipeline_tag: sentence-similarity
|
5 |
+
tags:
|
6 |
+
- sentence-transformers
|
7 |
+
- feature-extraction
|
8 |
+
- sentence-similarity
|
9 |
+
- transformers
|
10 |
+
- longformer
|
11 |
+
metrics:
|
12 |
+
- accuracy_cosinus
|
13 |
+
- accuracy_euclidean
|
14 |
+
- accuracy_manhattan
|
15 |
+
model-index:
|
16 |
+
- name: st-greek-media-longformer-4096
|
17 |
+
results:
|
18 |
+
[
|
19 |
+
{
|
20 |
+
"task": { "name": "STS Benchmark", "type": "sentence-similarity" },
|
21 |
+
"metrics":
|
22 |
+
[
|
23 |
+
{ "type": "accuracy_cosinus", "value": 0.9425676261863862 },
|
24 |
+
{ "type": "accuracy_euclidean", "value": 0.942637030867732 },
|
25 |
+
{ "type": "accuracy_manhattan", "value": 0.9427758402304235 },
|
26 |
+
],
|
27 |
+
"dataset":
|
28 |
+
{
|
29 |
+
"name": "all_custom_greek_media_triplets",
|
30 |
+
"type": "sentence-pair",
|
31 |
+
},
|
32 |
+
},
|
33 |
+
]
|
34 |
+
---
|
35 |
+
|
36 |
+
# Greek Media SLF (Sentence-Longformer)
|
37 |
+
|
38 |
+
This is a [sentence-transformers](https://www.SBERT.net) based on the [Greek Media Longformer](https://huggingface.co/dimitriz/greek-media-longformer-4096) model: It maps sentences & paragraphs to a 768 dimensional dense vector space and can be used for tasks like clustering or semantic search.
|
39 |
+
|
40 |
+
<!--- Describe your model here -->
|
41 |
+
|
42 |
+
## Usage (Sentence-Transformers)
|
43 |
+
|
44 |
+
Using this model becomes easy when you have [sentence-transformers](https://www.SBERT.net) installed:
|
45 |
+
|
46 |
+
```
|
47 |
+
pip install -U sentence-transformers
|
48 |
+
```
|
49 |
+
|
50 |
+
Then you can use the model like this:
|
51 |
+
|
52 |
+
```python
|
53 |
+
from sentence_transformers import SentenceTransformer
|
54 |
+
sentences = ["This is an example sentence", "Each sentence is converted"]
|
55 |
+
|
56 |
+
model = SentenceTransformer('dimitriz/st-greek-media-longformer-4096')
|
57 |
+
embeddings = model.encode(sentences)
|
58 |
+
print(embeddings)
|
59 |
+
```
|
60 |
+
|
61 |
+
## Usage (HuggingFace Transformers)
|
62 |
+
|
63 |
+
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.
|
64 |
+
|
65 |
+
```python
|
66 |
+
from transformers import AutoTokenizer, AutoModel
|
67 |
+
import torch
|
68 |
+
|
69 |
+
|
70 |
+
#Mean Pooling - Take attention mask into account for correct averaging
|
71 |
+
def mean_pooling(model_output, attention_mask):
|
72 |
+
token_embeddings = model_output[0] #First element of model_output contains all token embeddings
|
73 |
+
input_mask_expanded = attention_mask.unsqueeze(-1).expand(token_embeddings.size()).float()
|
74 |
+
return torch.sum(token_embeddings * input_mask_expanded, 1) / torch.clamp(input_mask_expanded.sum(1), min=1e-9)
|
75 |
+
|
76 |
+
|
77 |
+
# Sentences we want sentence embeddings for
|
78 |
+
sentences = ['This is an example sentence', 'Each sentence is converted']
|
79 |
+
|
80 |
+
# Load model from HuggingFace Hub
|
81 |
+
tokenizer = AutoTokenizer.from_pretrained('dimitriz/st-greek-media-longformer-4096')
|
82 |
+
model = AutoModel.from_pretrained('dimitriz/st-greek-media-longformer-4096')
|
83 |
+
|
84 |
+
# Tokenize sentences
|
85 |
+
encoded_input = tokenizer(sentences, padding=True, truncation=True, return_tensors='pt')
|
86 |
+
|
87 |
+
# Compute token embeddings
|
88 |
+
with torch.no_grad():
|
89 |
+
model_output = model(**encoded_input)
|
90 |
+
|
91 |
+
# Perform pooling. In this case, mean pooling.
|
92 |
+
sentence_embeddings = mean_pooling(model_output, encoded_input['attention_mask'])
|
93 |
+
|
94 |
+
print("Sentence embeddings:")
|
95 |
+
print(sentence_embeddings)
|
96 |
+
```
|
97 |
+
|
98 |
+
## Evaluation Results
|
99 |
+
|
100 |
+
<!--- Describe how your model was evaluated -->
|
101 |
+
|
102 |
+
For an automated evaluation of this model, see the _Sentence Embeddings Benchmark_: [https://seb.sbert.net](https://seb.sbert.net?model_name=dimitriz/st-greek-media-longformer-4096)
|
103 |
+
|
104 |
+
## Training
|
105 |
+
|
106 |
+
The model was trained on a custom dataset containing triplets from the **combined** Greek 'internet', 'social-media'
|
107 |
+
and 'press' domains, described in the paper [DACL](https://...).
|
108 |
+
|
109 |
+
- The dataset was created by sampling triplets of sentences from the same domain, where the first two sentences are more
|
110 |
+
similar than the third one.
|
111 |
+
- Training objective was to maximize the similarity between the first two sentences and minimize the similarity between
|
112 |
+
the first and the third sentence.
|
113 |
+
- The model was trained for 3 epochs with a batch size of 2 and a maximum sequence length of 4096 tokens.
|
114 |
+
- The model was trained on a single NVIDIA RTX A6000 GPU with 48GB of memory.
|
115 |
+
|
116 |
+
The model was trained with the parameters:
|
117 |
+
|
118 |
+
**DataLoader**:
|
119 |
+
|
120 |
+
`torch.utils.data.dataloader.DataLoader` of length 172897 with parameters:
|
121 |
+
|
122 |
+
```
|
123 |
+
{'batch_size': 1, 'sampler': 'torch.utils.data.sampler.RandomSampler', 'batch_sampler': 'torch.utils.data.sampler.BatchSampler'}
|
124 |
+
```
|
125 |
+
|
126 |
+
**Loss**:
|
127 |
+
|
128 |
+
`sentence_transformers.losses.TripletLoss.TripletLoss` with parameters:
|
129 |
+
|
130 |
+
```
|
131 |
+
{'distance_metric': 'TripletDistanceMetric.EUCLIDEAN', 'triplet_margin': 5}
|
132 |
+
```
|
133 |
+
|
134 |
+
Parameters of the fit()-Method:
|
135 |
+
|
136 |
+
```
|
137 |
+
{
|
138 |
+
"epochs": 3,
|
139 |
+
"evaluation_steps": 1000,
|
140 |
+
"evaluator": "sentence_transformers.evaluation.TripletEvaluator.TripletEvaluator",
|
141 |
+
"max_grad_norm": 1,
|
142 |
+
"optimizer_class": "<class 'torch.optim.adamw.AdamW'>",
|
143 |
+
"optimizer_params": {
|
144 |
+
"lr": 2e-05
|
145 |
+
},
|
146 |
+
"scheduler": "WarmupLinear",
|
147 |
+
"steps_per_epoch": null,
|
148 |
+
"warmup_steps": 17290,
|
149 |
+
"weight_decay": 0.01
|
150 |
+
}
|
151 |
+
```
|
152 |
+
|
153 |
+
## Full Model Architecture
|
154 |
+
|
155 |
+
```
|
156 |
+
SentenceTransformer(
|
157 |
+
(0): Transformer({'max_seq_length': 4096, 'do_lower_case': False}) with Transformer model: LongformerModel
|
158 |
+
(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})
|
159 |
+
)
|
160 |
+
```
|
161 |
+
|
162 |
+
## Citing & Authors
|
163 |
+
|
164 |
+
```@inproceedings{...,
|
165 |
+
title={PTTMT},
|
166 |
+
author={Zaikis et al.},
|
167 |
+
booktitle={...},
|
168 |
+
year={2023}
|
169 |
+
}
|
170 |
+
```
|
config.json
ADDED
@@ -0,0 +1,42 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"_name_or_path": "/home/dimitriz/.cache/torch/sentence_transformers/dimitriz_greek-media-longformer-4096",
|
3 |
+
"architectures": [
|
4 |
+
"LongformerModel"
|
5 |
+
],
|
6 |
+
"attention_probs_dropout_prob": 0.1,
|
7 |
+
"attention_window": [
|
8 |
+
512,
|
9 |
+
512,
|
10 |
+
512,
|
11 |
+
512,
|
12 |
+
512,
|
13 |
+
512,
|
14 |
+
512,
|
15 |
+
512,
|
16 |
+
512,
|
17 |
+
512,
|
18 |
+
512,
|
19 |
+
512
|
20 |
+
],
|
21 |
+
"bos_token_id": 0,
|
22 |
+
"classifier_dropout": null,
|
23 |
+
"eos_token_id": 2,
|
24 |
+
"hidden_act": "gelu",
|
25 |
+
"hidden_dropout_prob": 0.1,
|
26 |
+
"hidden_size": 768,
|
27 |
+
"initializer_range": 0.02,
|
28 |
+
"intermediate_size": 3072,
|
29 |
+
"layer_norm_eps": 1e-12,
|
30 |
+
"max_position_embeddings": 4098,
|
31 |
+
"model_type": "longformer",
|
32 |
+
"num_attention_heads": 12,
|
33 |
+
"num_hidden_layers": 12,
|
34 |
+
"onnx_export": false,
|
35 |
+
"pad_token_id": 1,
|
36 |
+
"position_embedding_type": "absolute",
|
37 |
+
"sep_token_id": 2,
|
38 |
+
"torch_dtype": "float32",
|
39 |
+
"transformers_version": "4.28.0",
|
40 |
+
"type_vocab_size": 2,
|
41 |
+
"vocab_size": 52000
|
42 |
+
}
|
config_sentence_transformers.json
ADDED
@@ -0,0 +1,7 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"__version__": {
|
3 |
+
"sentence_transformers": "2.2.2",
|
4 |
+
"transformers": "4.28.0",
|
5 |
+
"pytorch": "2.0.0+cu118"
|
6 |
+
}
|
7 |
+
}
|
eval/triplet_evaluation_results.csv
ADDED
@@ -0,0 +1,520 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
epoch,steps,accuracy_cosinus,accuracy_manhattan,accuracy_euclidean
|
2 |
+
0,1000,0.7120399770964552,0.6941509204795864,0.6935609806881474
|
3 |
+
0,2000,0.7827806985581177,0.7808200163101001,0.7811323373761561
|
4 |
+
0,3000,0.7932087519303177,0.7954644040740548,0.7959328856731387
|
5 |
+
0,4000,0.7977721097288012,0.8002706782572484,0.8007044575156594
|
6 |
+
0,5000,0.8071070393698055,0.8081307584196554,0.8083389724636927
|
7 |
+
0,6000,0.8105772734370933,0.8112713202505509,0.8113233737615602
|
8 |
+
0,7000,0.811392778442906,0.8120868252563636,0.8124859021741017
|
9 |
+
0,8000,0.8097097149202713,0.8093453403432062,0.8105946246074298
|
10 |
+
0,9000,0.8122603369597279,0.8122429857893915,0.8119827182343449
|
11 |
+
0,10000,0.7952041365190082,0.7956726181180921,0.7954817552443912
|
12 |
+
0,11000,0.8086512935297486,0.8086859958704214,0.8086165911890757
|
13 |
+
0,12000,0.79353842416671,0.793972203425121,0.7938854475734388
|
14 |
+
0,13000,0.8072111463918241,0.8077663838425901,0.8075408186282165
|
15 |
+
0,14000,0.8019016882688738,0.8014852601807992,0.8019710929502195
|
16 |
+
0,15000,0.739211909843319,0.738934291117936,0.739211909843319
|
17 |
+
0,16000,0.7967310395086149,0.796540176634914,0.7968698488713064
|
18 |
+
0,17000,0.7899293807367307,0.7903805111654781,0.7902069994621137
|
19 |
+
0,18000,0.7829195079208092,0.7832491801572016,0.7830409661131643
|
20 |
+
0,19000,0.7920462235177763,0.791994170006767,0.7923758957541687
|
21 |
+
0,20000,0.788558638280152,0.7885933406208249,0.7887495011538528
|
22 |
+
0,21000,0.7826245380250898,0.7829368590911457,0.7824857286623983
|
23 |
+
0,22000,0.7860774209220411,0.7858171533669946,0.7860947720923777
|
24 |
+
0,23000,0.7699581836794892,0.7700969930421807,0.770027588360835
|
25 |
+
0,24000,0.8009994274113789,0.8003227317682577,0.8008953203893603
|
26 |
+
0,25000,0.7907969392535527,0.7907101834018705,0.7908316415942255
|
27 |
+
0,26000,0.7919074141550848,0.7917512536220568,0.791994170006767
|
28 |
+
0,27000,0.7970607117450073,0.7969392535526522,0.7969045512119792
|
29 |
+
0,28000,0.8072805510731699,0.8076622768205716,0.8073326045841792
|
30 |
+
0,29000,0.8033418354067982,0.8033765377474711,0.8032377283847796
|
31 |
+
0,30000,0.7938680964031024,0.7943539291725227,0.7938333940624295
|
32 |
+
0,31000,0.8038970728575643,0.804122638071938,0.8039144240279007
|
33 |
+
0,32000,0.8119306647233356,0.8119133135529991,0.8119133135529991
|
34 |
+
0,33000,0.8024048722086304,0.8020404976315653,0.8029254073187236
|
35 |
+
0,34000,0.79582877865112,0.7959675880138115,0.7956205646070827
|
36 |
+
0,35000,0.7961237485468395,0.7960196415248209,0.7962799090798675
|
37 |
+
0,36000,0.8167889924175386,0.8167022365658564,0.8168930994395572
|
38 |
+
0,37000,0.8015893672028178,0.8017281765655093,0.8014679090104627
|
39 |
+
0,38000,0.8095882567279163,0.8088421564034494,0.8095015008762341
|
40 |
+
0,39000,0.7906234275501882,0.7900681900994222,0.7907275345722069
|
41 |
+
0,40000,0.7982058889872122,0.798830531119324,0.798275293668558
|
42 |
+
0,41000,0.7974424374924088,0.7971127652560165,0.7974944910034182
|
43 |
+
0,42000,0.7957767251401107,0.7952561900300176,0.7957940763104472
|
44 |
+
0,43000,0.8039491263685735,0.8036194541321812,0.8040705845609286
|
45 |
+
0,44000,0.8078704908646088,0.8080093002273003,0.8079919490569639
|
46 |
+
0,45000,0.8083736748043655,0.8078184373535995,0.8082869189526833
|
47 |
+
0,46000,0.809258584491524,0.8082175142713376,0.8093106380025332
|
48 |
+
0,47000,0.8125900091961202,0.8130758419655406,0.812815574410494
|
49 |
+
0,48000,0.8129717349435219,0.8126247115367932,0.8130064372841949
|
50 |
+
0,49000,0.8163899154998004,0.8156091128346606,0.815938785071053
|
51 |
+
0,50000,0.8206930057432373,0.8206756545729009,0.8209185709576111
|
52 |
+
0,51000,0.8109416480141586,0.8104731664150747,0.8112019155692052
|
53 |
+
0,52000,0.8177606579563792,0.8171707181649402,0.8175871462530148
|
54 |
+
0,53000,0.8108028386514671,0.8108722433328128,0.8110978085471865
|
55 |
+
0,54000,0.819651935523051,0.8192875609459858,0.8196345843527146
|
56 |
+
0,55000,0.8202592264848264,0.8199816077594434,0.8202939288254992
|
57 |
+
0,56000,0.8329082296600906,0.8324223968906703,0.8326653132753804
|
58 |
+
0,57000,0.8274079086634394,0.827512015685458,0.8274946645151215
|
59 |
+
0,58000,0.8182811930664723,0.8186108653028646,0.818107681363108
|
60 |
+
0,59000,0.8223413669251991,0.822219908732844,0.8225842833099093
|
61 |
+
0,60000,0.8069508788367775,0.8058057015945725,0.8070029323477869
|
62 |
+
0,61000,0.8325959085940347,0.8327867714677355,0.8327173667863897
|
63 |
+
0,62000,0.8277028785591588,0.8277722832405046,0.8278069855811775
|
64 |
+
0,63000,0.8370204570298266,0.8367775406451166,0.8370898617111724
|
65 |
+
0,64000,0.8101608453490188,0.8104384640744018,0.8104211129040654
|
66 |
+
0,65000,0.8339666510506134,0.8341922162649871,0.8335849253032117
|
67 |
+
0,66000,0.8336890323252303,0.8335502229625388,0.8338451928582583
|
68 |
+
0,67000,0.8245970190689362,0.8247358284316277,0.8248572866239828
|
69 |
+
0,68000,0.8175524439123419,0.8170145576319122,0.8179688720004165
|
70 |
+
0,69000,0.8243194003435532,0.8245623167282633,0.8242499956622075
|
71 |
+
0,70000,0.8385473600194333,0.8385300088490969,0.8386688182117884
|
72 |
+
0,71000,0.8296809119775129,0.8294206444224663,0.8295941561258307
|
73 |
+
0,72000,0.7927229191608974,0.7927055679905609,0.7928096750125796
|
74 |
+
0,73000,0.844186490378776,0.8440823833567574,0.8442732462304583
|
75 |
+
0,74000,0.8344871861607065,0.834348376798015,0.8346433466937345
|
76 |
+
0,75000,0.8354762028698836,0.8350424236114726,0.8356323634029115
|
77 |
+
0,76000,0.8467718147589055,0.8459042562420835,0.8469279752919334
|
78 |
+
0,77000,0.8482640154078392,0.848021099023129,0.8483681224298579
|
79 |
+
0,78000,0.8555515069491437,0.8555862092898165,0.8553953464161158
|
80 |
+
0,79000,0.8489927645619697,0.848611038814568,0.848923359880624
|
81 |
+
0,80000,0.8439609251644024,0.843041313136571,0.8437874134610379
|
82 |
+
0,81000,0.852914129058005,0.8526191591622855,0.85303558725036
|
83 |
+
0,82000,0.8387208717227977,0.8390158416185172,0.8385473600194333
|
84 |
+
0,83000,0.8472923498689987,0.847222945187653,0.8472055940173164
|
85 |
+
0,84000,0.8456439886870369,0.8451234535769437,0.845609286346364
|
86 |
+
0,85000,0.8523935939479118,0.8526712126732948,0.8523935939479118
|
87 |
+
0,86000,0.8546492460916488,0.8546492460916488,0.8547360019433311
|
88 |
+
0,87000,0.8481078548748113,0.8476914267867368,0.8482987177485122
|
89 |
+
0,88000,0.8472055940173164,0.8467371124182326,0.8472402963579894
|
90 |
+
0,89000,0.850467614040567,0.8506584769142679,0.8508840421286415
|
91 |
+
0,90000,0.8492183297763434,0.8488539551992782,0.8492703832873527
|
92 |
+
0,91000,0.8397792931133204,0.8396404837506289,0.8397792931133204
|
93 |
+
0,92000,0.8506584769142679,0.8500858882931653,0.8506931792549407
|
94 |
+
0,93000,0.8457827980497284,0.8458695539014106,0.8460604167751115
|
95 |
+
0,94000,0.8510402026616696,0.8512137143650339,0.851057553832006
|
96 |
+
0,95000,0.8519598146895008,0.8517863029861364,0.8517516006454635
|
97 |
+
0,96000,0.8577204032411986,0.857338677493797,0.8577551055818715
|
98 |
+
0,97000,0.8585012059063384,0.8580847778182639,0.8586226640986935
|
99 |
+
0,98000,0.8518210053268093,0.8518557076674822,0.8519945170301737
|
100 |
+
0,99000,0.848055801363802,0.8482466642375028,0.8482119618968299
|
101 |
+
0,100000,0.8548227577950133,0.8547533531136675,0.8545971925806396
|
102 |
+
0,101000,0.861607065396561,0.8613467978415144,0.8618673329516076
|
103 |
+
0,102000,0.8493571391390349,0.8492183297763434,0.8495306508423993
|
104 |
+
0,103000,0.8556209116304895,0.8557076674821716,0.8556035604601531
|
105 |
+
0,104000,0.8641056339250083,0.8642270921173634,0.864018878073326
|
106 |
+
0,105000,0.85074523276595,0.8505543698922492,0.8509707979803238
|
107 |
+
0,106000,0.8532611524647338,0.8532785036350702,0.8531396942723787
|
108 |
+
0,107000,0.854024603959537,0.8538684434265091,0.8542501691739108
|
109 |
+
0,108000,0.8610344767754585,0.8612253396491594,0.8609824232644492
|
110 |
+
0,109000,0.8529314802283414,0.85303558725036,0.8528794267173321
|
111 |
+
0,110000,0.8348515607377718,0.8345218885013794,0.834782156056426
|
112 |
+
0,111000,0.8575989450488436,0.8576683497301893,0.857460135686152
|
113 |
+
0,112000,0.8588829316537401,0.8591779015494595,0.8586747176097028
|
114 |
+
0,113000,0.8681311054430622,0.8673156004372495,0.8680269984210435
|
115 |
+
0,114000,0.8594902226155154,0.8595422761265248,0.8596810854892163
|
116 |
+
0,115000,0.8623358145506914,0.8620928981659813,0.8624052192320372
|
117 |
+
0,116000,0.8710634532299204,0.870855239185883,0.8710113997189111
|
118 |
+
0,117000,0.8650252459528395,0.8650078947825031,0.8651987576562039
|
119 |
+
0,118000,0.8642097409470268,0.8639841757326532,0.8642270921173634
|
120 |
+
0,119000,0.8681311054430622,0.8679749449100341,0.8682699148057537
|
121 |
+
0,120000,0.8693977408776222,0.8689466104488748,0.869467145558968
|
122 |
+
0,121000,0.8675758679922961,0.8670032793711936,0.867454409799941
|
123 |
+
0,122000,0.8683566706574358,0.8683740218277722,0.868165807783735
|
124 |
+
0,123000,0.8718269047247237,0.8713584231256398,0.8716880953620322
|
125 |
+
0,124000,0.8751756805996564,0.8751409782589835,0.8751930317699929
|
126 |
+
0,125000,0.8654069717002412,0.8653896205299048,0.8653896205299048
|
127 |
+
0,126000,0.8712890184442941,0.8708205368452102,0.8713584231256398
|
128 |
+
0,127000,0.8779865701941596,0.8780212725348324,0.8778651120018045
|
129 |
+
0,128000,0.8737528846320685,0.8733364565439939,0.873614075269377
|
130 |
+
0,129000,0.864018878073326,0.8636024499852515,0.8639321222216438
|
131 |
+
0,130000,0.8760605902868148,0.8761473461384971,0.8761299949681606
|
132 |
+
0,131000,0.8718616070653966,0.8722433328127982,0.8718269047247237
|
133 |
+
0,132000,0.8803810317005882,0.8804330852115976,0.8804677875522704
|
134 |
+
0,133000,0.8775354397654122,0.8776048444467579,0.8776221956170944
|
135 |
+
0,134000,0.8762341019901793,0.8765464230562351,0.8761646973088335
|
136 |
+
0,135000,0.8635330453039057,0.8630645637048219,0.862908403171794
|
137 |
+
0,136000,0.8743948779345166,0.8744642826158624,0.8744642826158624
|
138 |
+
0,137000,0.8815262089427932,0.8811444831953915,0.881595613624139
|
139 |
+
0,138000,0.8654243228705776,0.8651120018045217,0.8655110787222599
|
140 |
+
0,139000,0.8802248711675602,0.8804330852115976,0.8803636805302517
|
141 |
+
0,140000,0.8751409782589835,0.8750542224073014,0.8753491923030209
|
142 |
+
0,141000,0.880172817656551,0.8803116270192425,0.8801207641455416
|
143 |
+
0,142000,0.8693630385369493,0.8689639616192112,0.8693803897072857
|
144 |
+
0,143000,0.8776395467874308,0.8778304096611317,0.8775527909357486
|
145 |
+
0,144000,0.8755227040063852,0.8754880016657124,0.8754706504953759
|
146 |
+
0,145000,0.8841288844932591,0.8835909982128295,0.8843718008779692
|
147 |
+
0,146000,0.8752971387920115,0.8750195200666285,0.8752971387920115
|
148 |
+
0,147000,0.8809536203216907,0.880728055107317,0.8811965367064009
|
149 |
+
0,148000,0.8814047507504381,0.881439453091111,0.8814568042614475
|
150 |
+
0,149000,0.881317994898756,0.8811444831953915,0.8811965367064009
|
151 |
+
0,150000,0.8760779414571512,0.8758870785834505,0.8761473461384971
|
152 |
+
0,151000,0.8718616070653966,0.8722086304721254,0.8718442558950601
|
153 |
+
0,152000,0.8819773393715407,0.8821855534155779,0.881873232349522
|
154 |
+
0,153000,0.88456266375167,0.8845106102406607,0.8845453125813336
|
155 |
+
0,154000,0.878437700622907,0.8780559748755054,0.8786979681779536
|
156 |
+
0,155000,0.8851352523727726,0.885117901202436,0.8852914129058005
|
157 |
+
0,156000,0.8800513594641959,0.8801207641455416,0.8801207641455416
|
158 |
+
0,157000,0.8840247774712404,0.8835909982128295,0.8838512657678761
|
159 |
+
0,158000,0.8808148109589992,0.8809709714920272,0.8807107039369806
|
160 |
+
0,159000,0.8811791855360644,0.8807107039369806,0.8810924296843822
|
161 |
+
0,160000,0.8799819547828501,0.8801034129752052,0.8799472524421772
|
162 |
+
0,161000,0.8784724029635799,0.8779518678534867,0.8785418076449256
|
163 |
+
0,162000,0.8794440685024205,0.8794093661617476,0.8793920149914112
|
164 |
+
0,163000,0.8837818610865303,0.8837992122568668,0.8838339145975396
|
165 |
+
0,164000,0.8789582357330001,0.8785418076449256,0.8790449915846824
|
166 |
+
0,165000,0.8891086703798171,0.8891607238908265,0.889264830912845
|
167 |
+
0,166000,0.8779518678534867,0.8779518678534867,0.8782468377492062
|
168 |
+
0,167000,0.878281540089879,0.8780733260458418,0.8785071053042528
|
169 |
+
0,168000,0.8821855534155779,0.8823070116079329,0.8822202557562507
|
170 |
+
0,169000,0.8926830114691235,0.8923186368920584,0.8927177138097965
|
171 |
+
0,170000,0.8921104228480211,0.8921104228480211,0.892266583381049
|
172 |
+
0,171000,0.893134141897871,0.8928912255131609,0.8930300348758524
|
173 |
+
0,172000,0.8908958409244704,0.8906529245397602,0.8908784897541339
|
174 |
+
0,-1,0.8914684295455728,0.8917807506116288,0.8913816736938907
|
175 |
+
1,1000,0.8929259278538337,0.8925268509360956,0.8927871184911422
|
176 |
+
1,2000,0.8852567105651277,0.8851873058837819,0.8854996269498377
|
177 |
+
1,3000,0.8935158676452727,0.893689379348637,0.8935852723266184
|
178 |
+
1,4000,0.8919022088039839,0.892301285721722,0.8918154529523016
|
179 |
+
1,5000,0.8919542623149932,0.892301285721722,0.8920063158260024
|
180 |
+
1,6000,0.8874082556868461,0.8869050717470893,0.8873735533461732
|
181 |
+
1,7000,0.8953550917009352,0.8954591987229539,0.8952336335085802
|
182 |
+
1,8000,0.8895250984678916,0.8892474797425086,0.8894383426162095
|
183 |
+
1,9000,0.8924400950844135,0.8923359880623948,0.8924921485954228
|
184 |
+
1,10000,0.8949386636128607,0.8950080682942064,0.8950774729755522
|
185 |
+
1,11000,0.8956500615966547,0.8952856870195894,0.8956674127669911
|
186 |
+
1,12000,0.8936199746672913,0.8934985164749363,0.8935852723266184
|
187 |
+
1,13000,0.8879287907969392,0.8878073326045842,0.88787673728593
|
188 |
+
1,14000,0.8944528308434404,0.8939669980740201,0.8944701820137768
|
189 |
+
1,15000,0.89372408168931,0.8936199746672913,0.8936026234969549
|
190 |
+
1,16000,0.8841982891746049,0.8842676938559506,0.8840421286415768
|
191 |
+
1,17000,0.8927524161504693,0.8927177138097965,0.8926830114691235
|
192 |
+
1,18000,0.8913643225235542,0.8913816736938907,0.8913469713532177
|
193 |
+
1,19000,0.8986171117241858,0.8985303558725036,0.8986518140648587
|
194 |
+
1,20000,0.8961185431957386,0.8965696736244859,0.8960317873440563
|
195 |
+
1,21000,0.8945916402061319,0.8945395866951226,0.8947304495688234
|
196 |
+
1,22000,0.8946957472281505,0.894713098398487,0.8946089913764683
|
197 |
+
1,23000,0.8949733659535336,0.8948172054205056,0.8951295264865615
|
198 |
+
1,24000,0.8958756268110284,0.8956674127669911,0.8959276803220377
|
199 |
+
1,25000,0.8992417538562976,0.8991723491749518,0.8992417538562976
|
200 |
+
1,26000,0.8920583693370118,0.8921624763590305,0.8921971786997033
|
201 |
+
1,27000,0.8988426769385595,0.8988947304495688,0.8988773792792324
|
202 |
+
1,28000,0.8962573525584301,0.8966564294761682,0.8961879478770843
|
203 |
+
1,29000,0.8861936737632954,0.8859507573785852,0.8861242690819495
|
204 |
+
1,30000,0.9026772855829126,0.9020526434508007,0.9027640414345948
|
205 |
+
1,31000,0.9012891919559974,0.901115680252633,0.901115680252633
|
206 |
+
1,32000,0.9034233859073795,0.9034754394183888,0.9035968976107438
|
207 |
+
1,33000,0.8995367237520171,0.8996581819443722,0.8997622889663908
|
208 |
+
1,34000,0.8999010983290823,0.8998663959884095,0.8998490448180729
|
209 |
+
1,35000,0.9007860080162406,0.9003175264171568,0.9007339545052314
|
210 |
+
1,36000,0.8985303558725036,0.8983568441691392,0.8985303558725036
|
211 |
+
1,37000,0.903839813995454,0.9038051116547812,0.9039959745284819
|
212 |
+
1,38000,0.8973504762896257,0.8974719344819808,0.8973851786302987
|
213 |
+
1,39000,0.9033192788853608,0.9033019277150244,0.903249874204015
|
214 |
+
1,40000,0.9023476133465202,0.9022088039838287,0.9023476133465202
|
215 |
+
1,41000,0.8975760415039995,0.8974372321413079,0.8975933926743359
|
216 |
+
1,42000,0.8982180348064477,0.8982180348064477,0.898270088317457
|
217 |
+
1,43000,0.8984609511911579,0.8980445231030832,0.8983741953394756
|
218 |
+
1,44000,0.9019485364287821,0.9015841618517169,0.9018444294067635
|
219 |
+
1,45000,0.8997102354553814,0.8999878541807645,0.8999531518400916
|
220 |
+
1,46000,0.9018097270660906,0.9014974060000347,0.9017923758957541
|
221 |
+
1,47000,0.901705620044072,0.9017576735550813,0.9017750247254177
|
222 |
+
1,48000,0.9020005899397915,0.9020873457914736,0.9018444294067635
|
223 |
+
1,49000,0.9045165096385751,0.9041868374021828,0.9044644561275658
|
224 |
+
1,50000,0.9033713323963701,0.9031110648413235,0.9033539812260337
|
225 |
+
1,51000,0.9044471049572294,0.904273593253865,0.9045165096385751
|
226 |
+
1,52000,0.8989120816199052,0.8987732722572137,0.8988947304495688
|
227 |
+
1,53000,0.9093054326514324,0.909253379140423,0.9093748373327781
|
228 |
+
1,54000,0.905974007946836,0.905974007946836,0.9060781149688546
|
229 |
+
1,55000,0.9022955598355109,0.9031804695226693,0.9025905297312303
|
230 |
+
1,56000,0.9050196935783319,0.9049676400673226,0.9051238006003505
|
231 |
+
1,57000,0.9092186767997501,0.9093574861624416,0.9094268908437874
|
232 |
+
1,58000,0.9072926968924054,0.9069977269966859,0.9072059410407232
|
233 |
+
1,59000,0.9041694862318463,0.9039786233581455,0.9043429979352108
|
234 |
+
1,60000,0.9059219544358267,0.9059046032654903,0.9060087102875088
|
235 |
+
1,61000,0.9039612721878091,0.9040133256988184,0.9039439210174727
|
236 |
+
1,62000,0.8991549980046154,0.8986865164055315,0.8989120816199052
|
237 |
+
1,63000,0.9069283223153402,0.9068068641229851,0.9070324293373588
|
238 |
+
1,64000,0.9042562420835285,0.9042215397428557,0.9041868374021828
|
239 |
+
1,65000,0.8948172054205056,0.8945222355247862,0.8948519077611785
|
240 |
+
1,66000,0.9053667169850607,0.9051932052816962,0.9053840681553971
|
241 |
+
1,67000,0.900282824076484,0.900126663543456,0.9002654729061476
|
242 |
+
1,68000,0.9071365363593774,0.9072059410407232,0.9072059410407232
|
243 |
+
1,69000,0.9030416601599778,0.9023823156871931,0.9030243089896414
|
244 |
+
1,70000,0.9004563357798484,0.9012024361043153,0.9005430916315306
|
245 |
+
1,71000,0.9060087102875088,0.9055228775180886,0.9058872520951539
|
246 |
+
1,72000,0.9070671316780317,0.9071712387000503,0.9071885898703868
|
247 |
+
1,73000,0.9080734995575451,0.9075356132771155,0.9080734995575451
|
248 |
+
1,74000,0.9082817136015824,0.9084378741346104,0.9083684694532647
|
249 |
+
1,75000,0.908264362431246,0.9081949577499002,0.9083337671125917
|
250 |
+
1,76000,0.9055749310290979,0.9055055263477522,0.9052973123037149
|
251 |
+
1,77000,0.9081949577499002,0.9079346901948536,0.9082296600905732
|
252 |
+
1,78000,0.9116131383061787,0.9117345964985338,0.9116131383061787
|
253 |
+
1,79000,0.9117519476688702,0.9115957871358423,0.911821352350216
|
254 |
+
1,80000,0.9137820345982337,0.9135564693838599,0.9138514392795795
|
255 |
+
1,81000,0.9067201082713029,0.9063383825239012,0.9065812989086114
|
256 |
+
1,82000,0.9071538875297139,0.9071365363593774,0.9072926968924054
|
257 |
+
1,83000,0.9123765898009821,0.9126368573560286,0.9123765898009821
|
258 |
+
1,84000,0.9099647771242171,0.9094962955251332,0.9100688841462357
|
259 |
+
1,85000,0.9071885898703868,0.9066854059306301,0.9073621015737512
|
260 |
+
1,86000,0.9137299810872244,0.9131747436364582,0.9136085228948693
|
261 |
+
1,87000,0.9107455797893568,0.9104679610639738,0.9107629309596932
|
262 |
+
1,88000,0.9132962018288133,0.9135044158728506,0.9134176600211684
|
263 |
+
1,89000,0.9136605764058786,0.9135564693838599,0.9136605764058786
|
264 |
+
1,90000,0.9093401349921052,0.9093227838217688,0.9096004025471518
|
265 |
+
1,91000,0.9076397202991342,0.907674422639807,0.9076570714694706
|
266 |
+
1,92000,0.9108149844707025,0.9108323356410389,0.9109017403223847
|
267 |
+
1,93000,0.9165929241927367,0.916402061319036,0.9166623288740826
|
268 |
+
1,94000,0.9131400412957854,0.9131053389551125,0.9130706366144397
|
269 |
+
1,95000,0.9135044158728506,0.9129144760814117,0.9133135529991498
|
270 |
+
1,96000,0.911977512883244,0.9118560546908889,0.9121336734162719
|
271 |
+
1,97000,0.9117345964985338,0.911543733624833,0.9116998941578609
|
272 |
+
1,98000,0.9150833723734666,0.9149792653514479,0.9150833723734666
|
273 |
+
1,99000,0.9130185831034303,0.9130185831034303,0.9130185831034303
|
274 |
+
1,100000,0.914545486093037,0.9146495931150556,0.9145975396040463
|
275 |
+
1,101000,0.9119254593722347,0.9118560546908889,0.9118734058612253
|
276 |
+
1,102000,0.9156733121649056,0.9156733121649056,0.9156039074835598
|
277 |
+
1,103000,0.9171481616435029,0.917234917495185,0.9170267034511478
|
278 |
+
1,104000,0.9135391182135235,0.9139208439609252,0.9136605764058786
|
279 |
+
1,105000,0.9148057536480836,0.9148751583294293,0.9149098606701022
|
280 |
+
1,106000,0.9116304894765151,0.9117692988392067,0.9118040011798796
|
281 |
+
1,107000,0.9107455797893568,0.9106241215970017,0.9106935262783474
|
282 |
+
1,108000,0.9158468238682699,0.9155171516318775,0.9158641750386064
|
283 |
+
1,109000,0.917547238561241,0.917547238561241,0.9175298873909045
|
284 |
+
1,110000,0.917547238561241,0.917512536220568,0.9175298873909045
|
285 |
+
1,111000,0.9182586365450349,0.9180157201603248,0.9182586365450349
|
286 |
+
1,112000,0.9069803758263495,0.9070844828483681,0.9069630246560131
|
287 |
+
1,113000,0.9204795863480992,0.9204622351777627,0.9204101816667534
|
288 |
+
1,114000,0.9169399475994656,0.9171308104731665,0.9169225964291291
|
289 |
+
1,115000,0.9171828639841757,0.9172869710061944,0.9171828639841757
|
290 |
+
1,116000,0.9185709576110909,0.9185015529297451,0.9187271181441188
|
291 |
+
1,117000,0.9187965228254645,0.91838009473739,0.9189006298474832
|
292 |
+
1,118000,0.9188659275068103,0.918692415803446,0.9187618204847917
|
293 |
+
1,119000,0.9137126299168878,0.9137993857685701,0.913955546301598
|
294 |
+
1,120000,0.9210868773098746,0.9207225027328093,0.9209654191175195
|
295 |
+
1,121000,0.9185536064407545,0.9182412853746985,0.9184494994187358
|
296 |
+
1,122000,0.9121857269272813,0.911977512883244,0.9123071851196363
|
297 |
+
1,123000,0.9188485763364739,0.9188138739958011,0.918935332188156
|
298 |
+
1,124000,0.9168011382367741,0.9168358405774469,0.9167490847257648
|
299 |
+
1,125000,0.918970034528829,0.9187444693144553,0.9189526833584926
|
300 |
+
1,126000,0.9190914927211841,0.918414797078063,0.9190567903805111
|
301 |
+
1,127000,0.9166970312147554,0.9168531917477833,0.9167490847257648
|
302 |
+
1,128000,0.920548991029445,0.9206878003921365,0.920514288688772
|
303 |
+
1,129000,0.9190741415508477,0.9191261950618569,0.9189873856991654
|
304 |
+
1,130000,0.9189006298474832,0.9185015529297451,0.9187271181441188
|
305 |
+
1,131000,0.9176166432425867,0.9176166432425867,0.9177381014349418
|
306 |
+
1,132000,0.9158468238682699,0.9160897402529801,0.9158815262089428
|
307 |
+
1,133000,0.9220064893377058,0.9220238405080423,0.9220758940190515
|
308 |
+
1,134000,0.921971786997033,0.9215033053979491,0.9219023823156872
|
309 |
+
1,135000,0.9228740478545278,0.9228913990248643,0.9228913990248643
|
310 |
+
1,136000,0.9209133656065102,0.9206530980514636,0.9209133656065102
|
311 |
+
1,137000,0.9194038137872399,0.9194558672982492,0.9195599743202679
|
312 |
+
1,138000,0.9190220880398383,0.9187097669737824,0.9188485763364739
|
313 |
+
1,139000,0.9177207502646053,0.9176339944129231,0.917824857286624
|
314 |
+
1,140000,0.9214686030572762,0.9214339007166034,0.9216247635903042
|
315 |
+
1,141000,0.9237069040306769,0.923394582964621,0.9237069040306769
|
316 |
+
1,142000,0.9222320545520796,0.9224576197664532,0.9221626498707338
|
317 |
+
1,143000,0.9183627435670536,0.9181718806933528,0.9183280412263807
|
318 |
+
1,144000,0.9217982752936685,0.9220932451893881,0.9217635729529957
|
319 |
+
1,145000,0.9226311314698177,0.9226137802994812,0.9226658338104905
|
320 |
+
1,146000,0.9234813388163031,0.9234813388163031,0.9235333923273125
|
321 |
+
1,147000,0.9220758940190515,0.921971786997033,0.9220585428487151
|
322 |
+
1,148000,0.919525271979595,0.9193691114465671,0.9196293790016137
|
323 |
+
1,149000,0.9247653254211997,0.9246438672288446,0.9246785695695174
|
324 |
+
1,150000,0.9229955060468829,0.9228913990248643,0.9230475595578922
|
325 |
+
1,151000,0.9250776464872555,0.9248520812728819,0.925094997657592
|
326 |
+
1,152000,0.9237589575416861,0.9241233321187514,0.9237936598823591
|
327 |
+
1,153000,0.9223882150851075,0.9224749709367897,0.9224055662554439
|
328 |
+
1,154000,0.9236548505196676,0.923672201690004,0.9237069040306769
|
329 |
+
1,155000,0.9232557736019295,0.9230302083875558,0.923394582964621
|
330 |
+
1,156000,0.923082261898565,0.9229087501952007,0.923116964239238
|
331 |
+
1,157000,0.923828362223032,0.9235854458383218,0.9237416063713497
|
332 |
+
1,158000,0.9170267034511478,0.9169920011104749,0.9171655128138393
|
333 |
+
1,159000,0.9195599743202679,0.9197161348532958,0.9195599743202679
|
334 |
+
1,160000,0.9240018739263963,0.9239671715857235,0.9241927368000972
|
335 |
+
1,161000,0.9211909843318932,0.9211562819912203,0.9210868773098746
|
336 |
+
1,162000,0.926361633092152,0.92651779362518,0.9262922284108063
|
337 |
+
1,163000,0.9234639876459667,0.9233772317942845,0.9234639876459667
|
338 |
+
1,164000,0.9237069040306769,0.9236201481789946,0.9236027970086582
|
339 |
+
1,165000,0.9233425294536116,0.9229434525358735,0.9232557736019295
|
340 |
+
1,166000,0.9273506498013291,0.9272985962903197,0.9275415126750299
|
341 |
+
1,167000,0.9278364825707494,0.9275762150157028,0.9280099942741138
|
342 |
+
1,168000,0.9261881213887877,0.9262922284108063,0.926240174899797
|
343 |
+
1,169000,0.9265351447955165,0.9266913053285444,0.926673954158208
|
344 |
+
1,170000,0.9239151180747142,0.9239845227560599,0.9237936598823591
|
345 |
+
1,171000,0.928252910658824,0.928218208318151,0.9283049641698332
|
346 |
+
1,172000,0.927385352142002,0.9271250845869554,0.9274027033123384
|
347 |
+
1,-1,0.927940589592768,0.927940589592768,0.9279058872520951
|
348 |
+
2,1000,0.9300574323738137,0.9299706765221314,0.9300747835441501
|
349 |
+
2,2000,0.9253899675533115,0.9254767234049937,0.9256328839380216
|
350 |
+
2,3000,0.9231343154095744,0.9232731247722659,0.9233078271129388
|
351 |
+
2,4000,0.9242968438221159,0.9240192250967327,0.9242447903111065
|
352 |
+
2,5000,0.9247306230805268,0.9243141949924523,0.9246785695695174
|
353 |
+
2,6000,0.9285652317248798,0.9287213922579078,0.9285999340655527
|
354 |
+
2,7000,0.9284437735325247,0.9284784758731977,0.9286172852358892
|
355 |
+
2,8000,0.9284437735325247,0.9285825828952163,0.9285131782138705
|
356 |
+
2,9000,0.9278364825707494,0.9273332986309927,0.9277670778894036
|
357 |
+
2,10000,0.926084014366769,0.9259972585150869,0.9259452050040775
|
358 |
+
2,11000,0.9253552652126386,0.9250082418059098,0.9254767234049937
|
359 |
+
2,12000,0.9261881213887877,0.9262922284108063,0.9263789842624885
|
360 |
+
2,13000,0.9259972585150869,0.9256502351083581,0.9261707702184513
|
361 |
+
2,14000,0.9226484826401541,0.9227699408325092,0.9228566966841913
|
362 |
+
2,15000,0.9297104089670848,0.9297104089670848,0.9296583554560756
|
363 |
+
2,16000,0.9293807367306924,0.9290510644943002,0.9292592785383375
|
364 |
+
2,17000,0.9305953186542433,0.9304738604618882,0.9306994256762618
|
365 |
+
2,18000,0.9290337133239637,0.9288949039612722,0.9291378203459824
|
366 |
+
2,19000,0.9292939808790103,0.9294848437527111,0.9294327902417018
|
367 |
+
2,20000,0.9257022886193674,0.9257543421303767,0.9259105026634047
|
368 |
+
2,21000,0.9270730310759461,0.9267260076692173,0.9273680009716655
|
369 |
+
2,22000,0.929398087901029,0.9291378203459824,0.9294848437527111
|
370 |
+
2,23000,0.9237763087120227,0.9233425294536116,0.9237936598823591
|
371 |
+
2,24000,0.9293286832196832,0.9294327902417018,0.9292245761976645
|
372 |
+
2,25000,0.9293286832196832,0.9292245761976645,0.9295368972637205
|
373 |
+
2,26000,0.9281141012961325,0.9281835059774782,0.928096750125796
|
374 |
+
2,27000,0.9279752919334409,0.9277323755487308,0.9279752919334409
|
375 |
+
2,28000,0.9273506498013291,0.9268821682022452,0.9272985962903197
|
376 |
+
2,29000,0.9292766297086739,0.9289990109832909,0.9291551715163188
|
377 |
+
2,30000,0.929363385560356,0.9291725226866552,0.9297277601374213
|
378 |
+
2,31000,0.9300227300331407,0.9297624624780941,0.9300747835441501
|
379 |
+
2,32000,0.9297798136484305,0.9297104089670848,0.9297451113077577
|
380 |
+
2,33000,0.9303524022695331,0.9301268370551594,0.9302829975881873
|
381 |
+
2,34000,0.932798917286971,0.9327815661166345,0.9328683219683168
|
382 |
+
2,35000,0.9311158537643364,0.9310290979126542,0.9310464490829906
|
383 |
+
2,36000,0.932955077819999,0.9331112383530269,0.9330418336716811
|
384 |
+
2,37000,0.9304044557805424,0.9303524022695331,0.930508562802561
|
385 |
+
2,38000,0.9282876129994968,0.9280793989554595,0.9283049641698332
|
386 |
+
2,39000,0.9294501414120382,0.9294848437527111,0.9294674925823747
|
387 |
+
2,40000,0.9316884423854389,0.9315843353634202,0.9317751982371211
|
388 |
+
2,41000,0.9303697534398695,0.9302829975881873,0.930508562802561
|
389 |
+
2,42000,0.9297624624780941,0.9299359741814586,0.9301615393958322
|
390 |
+
2,43000,0.9320701681328406,0.9318446029184668,0.9319313587701491
|
391 |
+
2,44000,0.9319834122811583,0.9322783821768779,0.9320354657921677
|
392 |
+
2,45000,0.9334062082487464,0.9332847500563913,0.9334062082487464
|
393 |
+
2,46000,0.9314628771710652,0.9314455260007287,0.9314802283414017
|
394 |
+
2,47000,0.9320181146218313,0.9318446029184668,0.9321048704735134
|
395 |
+
2,48000,0.9325560009022609,0.9327121614352888,0.9327295126056252
|
396 |
+
2,49000,0.933944094529176,0.9336664758037929,0.9339093921885031
|
397 |
+
2,50000,0.9330244825013447,0.9330938871826905,0.9330938871826905
|
398 |
+
2,51000,0.932955077819999,0.9325733520725973,0.9331112383530269
|
399 |
+
2,52000,0.9320007634514949,0.9325039473912515,0.9322610310065413
|
400 |
+
2,53000,0.9323477868582236,0.9320354657921677,0.9322610310065413
|
401 |
+
2,54000,0.9334409105894192,0.9331806430343726,0.9335797199521108
|
402 |
+
2,55000,0.9340482015511946,0.9341176062325404,0.9340134992105218
|
403 |
+
2,56000,0.9332153453750456,0.9333541547377371,0.9334062082487464
|
404 |
+
2,57000,0.9343605226172506,0.9345513854909514,0.9345166831502785
|
405 |
+
2,58000,0.9348290042163344,0.9345687366612878,0.9348637065570072
|
406 |
+
2,59000,0.936789686464352,0.9366335259313241,0.9368764423160342
|
407 |
+
2,60000,0.9331979942047091,0.9330244825013447,0.9333021012267277
|
408 |
+
2,61000,0.9326948102649524,0.9324345427099058,0.9325560009022609
|
409 |
+
2,62000,0.9337532316554752,0.9340482015511946,0.9341696597435497
|
410 |
+
2,63000,0.9331459406936998,0.9330938871826905,0.9332500477157184
|
411 |
+
2,64000,0.9330938871826905,0.932920375479326,0.9331979942047091
|
412 |
+
2,65000,0.9339614456995124,0.9336838269741294,0.9341523085732133
|
413 |
+
2,66000,0.9344646296392691,0.9344472784689327,0.9344299272985963
|
414 |
+
2,67000,0.9347075460239793,0.9344993319799421,0.9347769507053251
|
415 |
+
2,68000,0.9333021012267277,0.9331979942047091,0.9334409105894192
|
416 |
+
2,69000,0.9356618603924834,0.9353321881560911,0.9357139139034928
|
417 |
+
2,70000,0.9351586764527268,0.9349504624086895,0.9351933787933996
|
418 |
+
2,71000,0.9346728436833064,0.9348463553866708,0.9347595995349887
|
419 |
+
2,72000,0.9335797199521108,0.9338399875071574,0.9337358804851387
|
420 |
+
2,73000,0.9342911179359048,0.9345340343206149,0.9345166831502785
|
421 |
+
2,74000,0.9353495393264276,0.9352627834747453,0.9354015928374368
|
422 |
+
2,75000,0.9353321881560911,0.9352280811340725,0.9352801346450819
|
423 |
+
2,76000,0.9342390644248955,0.9341176062325404,0.9344299272985963
|
424 |
+
2,77000,0.9360435861398851,0.9357312650738292,0.9359915326288758
|
425 |
+
2,78000,0.9372581680634359,0.9372928704041088,0.9373969774261274
|
426 |
+
2,79000,0.9340482015511946,0.9336317734631201,0.9339267433588395
|
427 |
+
2,80000,0.9365641212499783,0.9363906095466139,0.9364773653982961
|
428 |
+
2,81000,0.9372061145524265,0.937344923915118,0.9374143285964638
|
429 |
+
2,82000,0.9353495393264276,0.9353148369857547,0.9352801346450819
|
430 |
+
2,83000,0.9371193587007444,0.9370326028490622,0.9370326028490622
|
431 |
+
2,84000,0.9351239741120538,0.9349157600680166,0.9350372182603717
|
432 |
+
2,85000,0.9364947165686326,0.9362170978432496,0.936512067738969
|
433 |
+
2,86000,0.9342043620842225,0.9341696597435497,0.9344819808096057
|
434 |
+
2,87000,0.9375184356184825,0.9375357867888189,0.9376051914701646
|
435 |
+
2,88000,0.9378134055142019,0.9378481078548748,0.9380389707285757
|
436 |
+
2,89000,0.9353321881560911,0.9354883486891191,0.9355056998594555
|
437 |
+
2,90000,0.9363732583762775,0.9363732583762775,0.9363906095466139
|
438 |
+
2,91000,0.9365467700796418,0.9363385560356046,0.9365467700796418
|
439 |
+
2,92000,0.9359741814585394,0.9359741814585394,0.9359741814585394
|
440 |
+
2,93000,0.9371714122117537,0.937102007530408,0.9372408168930995
|
441 |
+
2,94000,0.9382992382836223,0.9381777800912672,0.9382818871132858
|
442 |
+
2,95000,0.938368642964968,0.938368642964968,0.9382471847726129
|
443 |
+
2,96000,0.9374316797668003,0.9371367098710808,0.9373622750854546
|
444 |
+
2,97000,0.9370326028490622,0.9369111446567071,0.9370499540193986
|
445 |
+
2,98000,0.9382992382836223,0.9382645359429493,0.9382298336022765
|
446 |
+
2,99000,0.9372928704041088,0.9373622750854546,0.9374143285964638
|
447 |
+
2,100000,0.937102007530408,0.9370846563600714,0.9371887633820901
|
448 |
+
2,101000,0.9362691513542588,0.9362865025245953,0.9362865025245953
|
449 |
+
2,102000,0.9376051914701646,0.9377787031735291,0.9375878402998282
|
450 |
+
2,103000,0.9379001613658842,0.9382992382836223,0.9379175125362206
|
451 |
+
2,104000,0.9377613520031927,0.9376225426405012,0.9377266496625197
|
452 |
+
2,105000,0.9359741814585394,0.9360088837992122,0.9359047767771936
|
453 |
+
2,106000,0.9367723352940156,0.9365294189093054,0.9368070376346884
|
454 |
+
2,107000,0.9372928704041088,0.9373969774261274,0.9374143285964638
|
455 |
+
2,108000,0.9392709038224628,0.9390973921190985,0.9393403085038086
|
456 |
+
2,109000,0.9385768570090053,0.9385595058386689,0.9386289105200146
|
457 |
+
2,110000,0.9380563218989121,0.9381604289209308,0.9380216195582392
|
458 |
+
2,111000,0.935644509222147,0.9357659674145021,0.9355924557111377
|
459 |
+
2,112000,0.9369111446567071,0.9369805493380529,0.9368937934863707
|
460 |
+
2,113000,0.9384380476463138,0.9380389707285757,0.9383859941353044
|
461 |
+
2,114000,0.9386636128606874,0.9389759339267434,0.9388718269047247
|
462 |
+
2,115000,0.9371367098710808,0.9370499540193986,0.937223465722763
|
463 |
+
2,116000,0.9383512917946315,0.9379001613658842,0.9382471847726129
|
464 |
+
2,117000,0.9395832248885188,0.9396179272291916,0.9394617666961637
|
465 |
+
2,118000,0.939357659674145,0.9398781947842382,0.939513820207173
|
466 |
+
2,119000,0.9385942081793417,0.9386983152013604,0.9386115593496781
|
467 |
+
2,120000,0.939080040948762,0.9388718269047247,0.9391494456301077
|
468 |
+
2,121000,0.9389065292453976,0.9387677198827061,0.9388718269047247
|
469 |
+
2,122000,0.9390453386080891,0.9390626897784256,0.9389932850970798
|
470 |
+
2,123000,0.9399649506359203,0.9402772717019763,0.9400170041469297
|
471 |
+
2,124000,0.9399649506359203,0.9401558135096212,0.9399996529765933
|
472 |
+
2,125000,0.9395658737181823,0.9397567365918831,0.9396699807402009
|
473 |
+
2,126000,0.9398608436139018,0.9395832248885188,0.9398608436139018
|
474 |
+
2,127000,0.9403293252129856,0.9402599205316399,0.9402252181909669
|
475 |
+
2,128000,0.940936616174761,0.9408672114934152,0.9410407231967797
|
476 |
+
2,129000,0.9400170041469297,0.9402078670206305,0.9402252181909669
|
477 |
+
2,130000,0.9405722415976958,0.9405895927680322,0.9404854857460135
|
478 |
+
2,131000,0.9405895927680322,0.9404854857460135,0.9405548904273593
|
479 |
+
2,132000,0.9410927767077889,0.9410754255374525,0.9410927767077889
|
480 |
+
2,133000,0.9411795325594712,0.9408151579824059,0.9409886696857703
|
481 |
+
2,134000,0.9400517064876026,0.9400517064876026,0.940069057657939
|
482 |
+
2,135000,0.9398781947842382,0.9395658737181823,0.9398608436139018
|
483 |
+
2,136000,0.9398955459545746,0.9399996529765933,0.9400517064876026
|
484 |
+
2,137000,0.9401558135096212,0.940069057657939,0.9402599205316399
|
485 |
+
2,138000,0.9408498603230788,0.9409713185154339,0.9410407231967797
|
486 |
+
2,139000,0.9419082817136016,0.941491853625527,0.9418909305432651
|
487 |
+
2,140000,0.9410060208561067,0.9405201880866865,0.9410233720264432
|
488 |
+
2,141000,0.941491853625527,0.9412489372408169,0.9414050977738448
|
489 |
+
2,142000,0.9415612583068728,0.9414224489441813,0.9415092047958635
|
490 |
+
2,143000,0.941648014158555,0.9415092047958635,0.9417174188399008
|
491 |
+
2,144000,0.9414745024551906,0.9415092047958635,0.9415959606475457
|
492 |
+
2,145000,0.9408325091527423,0.940901913834088,0.9408151579824059
|
493 |
+
2,146000,0.9414224489441813,0.9414745024551906,0.9414050977738448
|
494 |
+
2,147000,0.9415612583068728,0.94176947235091,0.9416133118178821
|
495 |
+
2,148000,0.9413183419221627,0.9410060208561067,0.9413183419221627
|
496 |
+
2,149000,0.9408672114934152,0.940936616174761,0.9408845626637516
|
497 |
+
2,150000,0.9416653653288914,0.941925632883938,0.9417347700102372
|
498 |
+
2,151000,0.94176947235091,0.9418388770322558,0.9417868235212465
|
499 |
+
2,152000,0.9418388770322558,0.9418388770322558,0.9418562282025923
|
500 |
+
2,153000,0.9420470910762931,0.9419776863949474,0.9420297399059566
|
501 |
+
2,154000,0.9418562282025923,0.941648014158555,0.9418215258619194
|
502 |
+
2,155000,0.9418909305432651,0.9419776863949474,0.9418735793729287
|
503 |
+
2,156000,0.9423420609720126,0.942359412142349,0.942515572675377
|
504 |
+
2,157000,0.942359412142349,0.9422379539499939,0.9422206027796575
|
505 |
+
2,158000,0.9422206027796575,0.9422379539499939,0.9422379539499939
|
506 |
+
2,159000,0.9428278937414328,0.9426543820380685,0.94279319140076
|
507 |
+
2,160000,0.9425676261863862,0.9424288168236947,0.9424808703347041
|
508 |
+
2,161000,0.9423247098016762,0.9426023285270592,0.9422900074610032
|
509 |
+
2,162000,0.9427584890600871,0.942637030867732,0.9427411378897507
|
510 |
+
2,163000,0.9425502750160498,0.9425849773567228,0.9424808703347041
|
511 |
+
2,164000,0.9425676261863862,0.942515572675377,0.9424635191643677
|
512 |
+
2,165000,0.9427758402304235,0.9426543820380685,0.9427584890600871
|
513 |
+
2,166000,0.9423941144830219,0.942515572675377,0.9422553051203304
|
514 |
+
2,167000,0.9424461679940312,0.9424461679940312,0.9425676261863862
|
515 |
+
2,168000,0.9424808703347041,0.9426023285270592,0.9424114656533583
|
516 |
+
2,169000,0.9426196796973956,0.9427411378897507,0.9425849773567228
|
517 |
+
2,170000,0.9426890843787413,0.9426890843787413,0.9425676261863862
|
518 |
+
2,171000,0.942637030867732,0.9427411378897507,0.9426023285270592
|
519 |
+
2,172000,0.9425329238457134,0.9427064355490777,0.9426023285270592
|
520 |
+
2,-1,0.9425676261863862,0.9427758402304235,0.942637030867732
|
merges.txt
ADDED
The diff for this file is too large to render.
See raw diff
|
|
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 |
+
]
|
pytorch_model.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:eff4c2062aa690a4c4b6bf6ee4263c6cda98c040d4c91b3d12d5d54c670fd8d0
|
3 |
+
size 600062537
|
sentence_bert_config.json
ADDED
@@ -0,0 +1,4 @@
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"max_seq_length": 4096,
|
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
The diff for this file is too large to render.
See raw diff
|
|
tokenizer_config.json
ADDED
@@ -0,0 +1,22 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"add_prefix_space": false,
|
3 |
+
"bos_token": "<s>",
|
4 |
+
"clean_up_tokenization_spaces": true,
|
5 |
+
"cls_token": "<s>",
|
6 |
+
"eos_token": "</s>",
|
7 |
+
"errors": "replace",
|
8 |
+
"mask_token": {
|
9 |
+
"__type": "AddedToken",
|
10 |
+
"content": "<mask>",
|
11 |
+
"lstrip": true,
|
12 |
+
"normalized": false,
|
13 |
+
"rstrip": false,
|
14 |
+
"single_word": false
|
15 |
+
},
|
16 |
+
"model_max_length": 4096,
|
17 |
+
"pad_token": "<pad>",
|
18 |
+
"sep_token": "</s>",
|
19 |
+
"tokenizer_class": "LongformerTokenizer",
|
20 |
+
"trim_offsets": true,
|
21 |
+
"unk_token": "<unk>"
|
22 |
+
}
|
vocab.json
ADDED
The diff for this file is too large to render.
See raw diff
|
|