Add new SentenceTransformer model.
Browse files- .gitattributes +1 -0
- 1_Pooling/config.json +7 -0
- README.md +87 -0
- config.json +28 -0
- config_sentence_transformers.json +7 -0
- eval/similarity_evaluation_results.csv +361 -0
- merges.txt +0 -0
- modules.json +20 -0
- pytorch_model.bin +3 -0
- sentence_bert_config.json +4 -0
- similarity_evaluation_sts-test_results.csv +2 -0
- special_tokens_map.json +1 -0
- tokenizer.json +0 -0
- tokenizer_config.json +1 -0
- vocab.json +0 -0
.gitattributes
CHANGED
@@ -25,3 +25,4 @@ saved_model/**/* filter=lfs diff=lfs merge=lfs -text
|
|
25 |
*.zip filter=lfs diff=lfs merge=lfs -text
|
26 |
*.zstandard filter=lfs diff=lfs merge=lfs -text
|
27 |
*tfevents* filter=lfs diff=lfs merge=lfs -text
|
|
|
|
25 |
*.zip filter=lfs diff=lfs merge=lfs -text
|
26 |
*.zstandard filter=lfs diff=lfs merge=lfs -text
|
27 |
*tfevents* filter=lfs diff=lfs merge=lfs -text
|
28 |
+
pytorch_model.bin filter=lfs diff=lfs merge=lfs -text
|
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,87 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
---
|
2 |
+
pipeline_tag: sentence-similarity
|
3 |
+
tags:
|
4 |
+
- sentence-transformers
|
5 |
+
- feature-extraction
|
6 |
+
- sentence-similarity
|
7 |
+
---
|
8 |
+
|
9 |
+
# {MODEL_NAME}
|
10 |
+
|
11 |
+
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.
|
12 |
+
|
13 |
+
<!--- Describe your model here -->
|
14 |
+
|
15 |
+
## Usage (Sentence-Transformers)
|
16 |
+
|
17 |
+
Using this model becomes easy when you have [sentence-transformers](https://www.SBERT.net) installed:
|
18 |
+
|
19 |
+
```
|
20 |
+
pip install -U sentence-transformers
|
21 |
+
```
|
22 |
+
|
23 |
+
Then you can use the model like this:
|
24 |
+
|
25 |
+
```python
|
26 |
+
from sentence_transformers import SentenceTransformer
|
27 |
+
sentences = ["This is an example sentence", "Each sentence is converted"]
|
28 |
+
|
29 |
+
model = SentenceTransformer('{MODEL_NAME}')
|
30 |
+
embeddings = model.encode(sentences)
|
31 |
+
print(embeddings)
|
32 |
+
```
|
33 |
+
|
34 |
+
|
35 |
+
|
36 |
+
## Evaluation Results
|
37 |
+
|
38 |
+
<!--- Describe how your model was evaluated -->
|
39 |
+
|
40 |
+
For an automated evaluation of this model, see the *Sentence Embeddings Benchmark*: [https://seb.sbert.net](https://seb.sbert.net?model_name={MODEL_NAME})
|
41 |
+
|
42 |
+
|
43 |
+
## Training
|
44 |
+
The model was trained with the parameters:
|
45 |
+
|
46 |
+
**DataLoader**:
|
47 |
+
|
48 |
+
`torch.utils.data.dataloader.DataLoader` of length 11 with parameters:
|
49 |
+
```
|
50 |
+
{'batch_size': 15, 'sampler': 'torch.utils.data.sampler.RandomSampler', 'batch_sampler': 'torch.utils.data.sampler.BatchSampler'}
|
51 |
+
```
|
52 |
+
|
53 |
+
**Loss**:
|
54 |
+
|
55 |
+
`sentence_transformers.losses.CosineSimilarityLoss.CosineSimilarityLoss`
|
56 |
+
|
57 |
+
Parameters of the fit()-Method:
|
58 |
+
```
|
59 |
+
{
|
60 |
+
"epochs": 30,
|
61 |
+
"evaluation_steps": 1,
|
62 |
+
"evaluator": "sentence_transformers.evaluation.EmbeddingSimilarityEvaluator.EmbeddingSimilarityEvaluator",
|
63 |
+
"max_grad_norm": 1,
|
64 |
+
"optimizer_class": "<class 'transformers.optimization.AdamW'>",
|
65 |
+
"optimizer_params": {
|
66 |
+
"lr": 2e-05
|
67 |
+
},
|
68 |
+
"scheduler": "WarmupLinear",
|
69 |
+
"steps_per_epoch": null,
|
70 |
+
"warmup_steps": 33,
|
71 |
+
"weight_decay": 0.01
|
72 |
+
}
|
73 |
+
```
|
74 |
+
|
75 |
+
|
76 |
+
## Full Model Architecture
|
77 |
+
```
|
78 |
+
SentenceTransformer(
|
79 |
+
(0): Transformer({'max_seq_length': 512, 'do_lower_case': False}) with Transformer model: RobertaModel
|
80 |
+
(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})
|
81 |
+
(2): Normalize()
|
82 |
+
)
|
83 |
+
```
|
84 |
+
|
85 |
+
## Citing & Authors
|
86 |
+
|
87 |
+
<!--- Describe where people can find more information -->
|
config.json
ADDED
@@ -0,0 +1,28 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"_name_or_path": "/root/.cache/torch/sentence_transformers/sentence-transformers_all-distilroberta-v1/",
|
3 |
+
"architectures": [
|
4 |
+
"RobertaModel"
|
5 |
+
],
|
6 |
+
"attention_probs_dropout_prob": 0.1,
|
7 |
+
"bos_token_id": 0,
|
8 |
+
"classifier_dropout": null,
|
9 |
+
"eos_token_id": 2,
|
10 |
+
"gradient_checkpointing": false,
|
11 |
+
"hidden_act": "gelu",
|
12 |
+
"hidden_dropout_prob": 0.1,
|
13 |
+
"hidden_size": 768,
|
14 |
+
"initializer_range": 0.02,
|
15 |
+
"intermediate_size": 3072,
|
16 |
+
"layer_norm_eps": 1e-05,
|
17 |
+
"max_position_embeddings": 514,
|
18 |
+
"model_type": "roberta",
|
19 |
+
"num_attention_heads": 12,
|
20 |
+
"num_hidden_layers": 6,
|
21 |
+
"pad_token_id": 1,
|
22 |
+
"position_embedding_type": "absolute",
|
23 |
+
"torch_dtype": "float32",
|
24 |
+
"transformers_version": "4.16.2",
|
25 |
+
"type_vocab_size": 1,
|
26 |
+
"use_cache": true,
|
27 |
+
"vocab_size": 50265
|
28 |
+
}
|
config_sentence_transformers.json
ADDED
@@ -0,0 +1,7 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"__version__": {
|
3 |
+
"sentence_transformers": "2.0.0",
|
4 |
+
"transformers": "4.6.1",
|
5 |
+
"pytorch": "1.8.1"
|
6 |
+
}
|
7 |
+
}
|
eval/similarity_evaluation_results.csv
ADDED
@@ -0,0 +1,361 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
epoch,steps,cosine_pearson,cosine_spearman,euclidean_pearson,euclidean_spearman,manhattan_pearson,manhattan_spearman,dot_pearson,dot_spearman
|
2 |
+
0,1,0.45892171995983294,0.5136906760016178,0.4480500006536557,0.5136906760016178,0.4538208185638512,0.49970404868474205,0.45892148035278574,0.5136906760016178
|
3 |
+
0,2,0.46005937108387657,0.5136906760016178,0.44882362324506775,0.5136906760016178,0.4548325340206226,0.49970404868474205,0.4600590160088125,0.5136906760016178
|
4 |
+
0,3,0.46269971552978273,0.5136906760016178,0.4506443384793599,0.5136906760016178,0.45760705872117396,0.4857174213678663,0.4626995505171532,0.5136906760016178
|
5 |
+
0,4,0.46691588874512246,0.49970404868474205,0.45477220386847333,0.49970404868474205,0.46177277781460063,0.4984325371104806,0.4669156798453327,0.49970404868474205
|
6 |
+
0,5,0.47689432000922105,0.5136906760016178,0.46483116020241816,0.5136906760016178,0.47122393035205673,0.4857174213678663,0.47689437261954093,0.5136906760016178
|
7 |
+
0,6,0.4850114242509683,0.5238627685957092,0.47284919343876436,0.5238627685957092,0.47907343685590636,0.4984325371104806,0.48501172614843274,0.5238627685957092
|
8 |
+
0,7,0.4953464110954723,0.5403924190611078,0.4823964383565444,0.5403924190611078,0.4890663054238931,0.5124191644273564,0.49534665671885103,0.5403924190611078
|
9 |
+
0,8,0.5078591295195563,0.5403924190611078,0.4935200532662994,0.5403924190611078,0.5010489291006116,0.5429354422096307,0.5078587906684326,0.5403924190611078
|
10 |
+
0,9,0.5124595529056157,0.5531075348037221,0.49618990943161795,0.5531075348037221,0.5041010344188569,0.5543790463779835,0.5124595667942978,0.5531075348037221
|
11 |
+
0,10,0.5102206571226617,0.49588951396195774,0.4924672335724467,0.49588951396195774,0.4988521167874158,0.5073331181303107,0.510220620832672,0.49588951396195774
|
12 |
+
0,11,0.4977318870458609,0.44884358571428484,0.47884385572653426,0.44884358571428484,0.4825964825705456,0.44884358571428484,0.49773199892763453,0.44884358571428484
|
13 |
+
0,-1,0.4977318870458609,0.44884358571428484,0.47884385572653426,0.44884358571428484,0.4825964825705456,0.44884358571428484,0.49773199892763453,0.44884358571428484
|
14 |
+
1,1,0.4854549673074273,0.44884358571428484,0.4664093717073842,0.44884358571428484,0.46838865153544473,0.4348569583974091,0.48545467096642664,0.44884358571428484
|
15 |
+
1,2,0.4827232783259326,0.4068837037636577,0.4640509760400061,0.4068837037636577,0.4642735373101929,0.4068837037636577,0.4827232015397903,0.4068837037636577
|
16 |
+
1,3,0.4674496759395407,0.4348569583974091,0.44789901265792753,0.4348569583974091,0.44440603509649623,0.41832730793201056,0.46744959311276196,0.4348569583974091
|
17 |
+
1,4,0.44484430937401087,0.3674668449615533,0.4238079296255058,0.3674668449615533,0.4160565072476248,0.35093719449615474,0.44484410191929624,0.3674668449615533
|
18 |
+
1,5,0.4080301416330539,0.32550696301092613,0.38458875905599044,0.32550696301092613,0.3717638711706813,0.2937191736543904,0.40803053137707235,0.32550696301092613
|
19 |
+
1,6,0.3815146273057165,0.3077058009712661,0.3562361209241368,0.3077058009712661,0.33969972353970557,0.2326866180898417,0.38151472033033057,0.3077058009712661
|
20 |
+
1,7,0.3554853211676755,0.2250575486442731,0.32771415268389453,0.2250575486442731,0.3084554382520029,0.16148196993120162,0.3554855655437976,0.2250575486442731
|
21 |
+
1,8,0.33774717023221607,0.18182615511938452,0.30951133585010887,0.18182615511938452,0.28991126451580684,0.15130987733711018,0.33774697757143296,0.18182615511938452
|
22 |
+
1,9,0.3269292813618025,0.18182615511938452,0.2980352535608714,0.18182615511938452,0.2793269434603675,0.15130987733711018,0.3269289385934877,0.18182615511938452
|
23 |
+
1,10,0.32158173863201456,0.1525813889113716,0.2924422228528808,0.1525813889113716,0.27398320218440486,0.15130987733711018,0.32158163766324244,0.1525813889113716
|
24 |
+
1,11,0.29094396747213797,0.14240929631728017,0.2607239414915457,0.14240929631728017,0.2403915607966193,0.10044941436665299,0.2909441483075914,0.14240929631728017
|
25 |
+
1,-1,0.29094396747213797,0.14240929631728017,0.2607239414915457,0.14240929631728017,0.2403915607966193,0.10044941436665299,0.2909441483075914,0.14240929631728017
|
26 |
+
2,1,0.2773233908797538,0.15639592363415591,0.2469105243221644,0.15639592363415591,0.22739919050871094,0.10044941436665299,0.27732340237694847,0.15639592363415591
|
27 |
+
2,2,0.277410272378433,0.13732325002023446,0.24820694814286942,0.13732325002023446,0.2301576021746746,0.12206511112909728,0.2774101582996149,0.13732325002023446
|
28 |
+
2,3,0.28218813813236104,0.13732325002023446,0.2550600272817065,0.13732325002023446,0.23808057098105015,0.13859476159449588,0.28218821866887794,0.13732325002023446
|
29 |
+
2,4,0.30258328648177624,0.1691110393767702,0.27928714370784485,0.1691110393767702,0.26505940517108206,0.1691110393767702,0.3025828970593533,0.1691110393767702
|
30 |
+
2,5,0.3307511822694495,0.23014359494131884,0.3113787733795198,0.23014359494131884,0.2993947965071177,0.18309766669364594,0.3307515948171784,0.23014359494131884
|
31 |
+
2,6,0.36428337734338095,0.32296393986240324,0.3497976883782542,0.32296393986240324,0.3408185684203476,0.30134824309995895,0.36428279816973114,0.32296393986240324
|
32 |
+
2,7,0.37190849018510364,0.37255289125859903,0.3598824294687138,0.37255289125859903,0.353649441453995,0.3344075440307561,0.3719085214794177,0.37255289125859903
|
33 |
+
2,8,0.3897177478020145,0.48698893294212775,0.38306315211343867,0.48698893294212775,0.38089627001037346,0.3941685880210433,0.38971738115528193,0.48698893294212775
|
34 |
+
2,9,0.4090647673287389,0.5009755602590035,0.40866165953373024,0.5009755602590035,0.4065690201306988,0.4691877709024677,0.4090647183689805,0.5009755602590035
|
35 |
+
2,10,0.3964174115253383,0.4666447477539449,0.3961583113901271,0.4666447477539449,0.3909450266286859,0.4742738171995134,0.39641734895617353,0.4666447477539449
|
36 |
+
2,11,0.387283176800374,0.481902886645082,0.39085770130335956,0.481902886645082,0.3831582295081435,0.5098761412788335,0.38728324969889305,0.481902886645082
|
37 |
+
2,-1,0.387283176800374,0.481902886645082,0.39085770130335956,0.481902886645082,0.3831582295081435,0.5098761412788335,0.38728324969889305,0.481902886645082
|
38 |
+
3,1,0.35307780061812893,0.4946180023876964,0.35495158422376266,0.4946180023876964,0.3502763468697265,0.5073331181303107,0.35307787309930494,0.4946180023876964
|
39 |
+
3,2,0.3221369392151458,0.38526800700121333,0.3201150794773741,0.38526800700121333,0.31973461578210344,0.41832730793201056,0.3221370589984704,0.38526800700121333
|
40 |
+
3,3,0.28449077927190275,0.3344075440307561,0.2791653360756959,0.3344075440307561,0.2809543562115321,0.3089773125455275,0.2844905534400411,0.3344075440307561
|
41 |
+
3,4,0.2622292945643224,0.3089773125455275,0.2553927770777108,0.3089773125455275,0.26033946562333926,0.3089773125455275,0.2622293007213169,0.3089773125455275
|
42 |
+
3,5,0.2513579919921196,0.2835470810602989,0.24308204194319957,0.2835470810602989,0.25406344497617794,0.2581168495750703,0.25135819465106546,0.2835470810602989
|
43 |
+
3,6,0.24033014778154752,0.2835470810602989,0.23144335218323533,0.2835470810602989,0.24863990329939953,0.2492162685552403,0.24032999084854886,0.2835470810602989
|
44 |
+
3,7,0.24116011958046416,0.2606598727235932,0.23331902089091205,0.2606598727235932,0.2567353358699054,0.28481859263456033,0.24116008268090788,0.2606598727235932
|
45 |
+
3,8,0.24607351399043592,0.26320289587211604,0.24019524916783547,0.26320289587211604,0.2689041430937311,0.2962621968029132,0.24607328517249144,0.26320289587211604
|
46 |
+
3,9,0.24511401766089919,0.2568453380008089,0.24200201643508512,0.2568453380008089,0.2769591427603502,0.31787789356535756,0.24511397794784834,0.2568453380008089
|
47 |
+
3,10,0.24387217604513006,0.35093719449615474,0.2450605211512077,0.35093719449615474,0.2834221057167242,0.4068837037636577,0.2438723211408367,0.35093719449615474
|
48 |
+
3,11,0.23973191147956077,0.3789104491299062,0.24415082866687762,0.3789104491299062,0.2837397301178074,0.41832730793201056,0.23973207775890407,0.3789104491299062
|
49 |
+
3,-1,0.23973191147956077,0.3789104491299062,0.24415082866687762,0.3789104491299062,0.2837397301178074,0.41832730793201056,0.23973207775890407,0.3789104491299062
|
50 |
+
4,1,0.23287612437759123,0.39035405329825906,0.2392526317429902,0.39035405329825906,0.27910270673194076,0.4208703310805334,0.23287584040424725,0.39035405329825906
|
51 |
+
4,2,0.22357805677016673,0.36873835653581477,0.23056326083539047,0.36873835653581477,0.26975134400604844,0.44248602784297775,0.22357747565164224,0.36873835653581477
|
52 |
+
4,3,0.20831668216707108,0.2975337083771747,0.2126859486932114,0.2975337083771747,0.2517720885869991,0.4081552153379191,0.20831695310941856,0.2975337083771747
|
53 |
+
4,4,0.187598952636747,0.20471336345609026,0.18930138764478321,0.20471336345609026,0.22942518926437938,0.31406335884257325,0.18759909110419673,0.20471336345609026
|
54 |
+
4,5,0.16705860695162186,0.20471336345609026,0.16960417153365648,0.20471336345609026,0.2111558637647436,0.2581168495750703,0.16705819184265083,0.20471336345609026
|
55 |
+
4,6,0.15775893450602677,0.22632906021853458,0.1629147504171144,0.22632906021853458,0.20747232317269823,0.2581168495750703,0.15775899195921822,0.22632906021853458
|
56 |
+
4,7,0.15589257697403838,0.2250575486442731,0.16494912773121714,0.2250575486442731,0.21166315695962698,0.3051627778227432,0.1558923934579622,0.2250575486442731
|
57 |
+
4,8,0.18010250754913615,0.3420366134763247,0.19746557819309443,0.3420366134763247,0.24251215799837,0.3712813796843376,0.18010246087936974,0.3420366134763247
|
58 |
+
4,9,0.1951413102282451,0.3712813796843376,0.21748226717985203,0.3712813796843376,0.2615336194938028,0.464101724605422,0.19514123317538842,0.3712813796843376
|
59 |
+
4,10,0.18751445789669233,0.3712813796843376,0.2107592069340958,0.3712813796843376,0.2565590145139452,0.4539296320113305,0.18751463645757527,0.3712813796843376
|
60 |
+
4,11,0.19777955231004046,0.4323139352488863,0.22482740890451822,0.4323139352488863,0.2678708095156043,0.43867149312019343,0.1977795065429568,0.4323139352488863
|
61 |
+
4,-1,0.19777955231004046,0.4323139352488863,0.22482740890451822,0.4323139352488863,0.2678708095156043,0.43867149312019343,0.1977795065429568,0.4323139352488863
|
62 |
+
5,1,0.1946441471201049,0.42214184265479476,0.22282480657255382,0.42214184265479476,0.262866060788751,0.4246848658033177,0.19464401828950442,0.42214184265479476
|
63 |
+
5,2,0.19044560142461067,0.4361284699716705,0.21983609833870316,0.4361284699716705,0.25431257471634333,0.4361284699716705,0.19044537792198146,0.4361284699716705
|
64 |
+
5,3,0.1860028752279845,0.4081552153379191,0.2162905829013917,0.4081552153379191,0.2469936276052409,0.4361284699716705,0.18600292955557035,0.4081552153379191
|
65 |
+
5,4,0.18555290438789004,0.4195988195062719,0.2191947182284912,0.4195988195062719,0.2466291606720914,0.4195988195062719,0.1855531118320454,0.4195988195062719
|
66 |
+
5,5,0.18456568416029212,0.42341335422905624,0.22005797845678143,0.42341335422905624,0.24435391693289976,0.42341335422905624,0.1845655597024147,0.42341335422905624
|
67 |
+
5,6,0.1725294582239246,0.44757207414002337,0.21161650721554073,0.44757207414002337,0.23425983727162702,0.47300230562525203,0.17252937621276898,0.44757207414002337
|
68 |
+
5,7,0.15957711716503595,0.4450290509915006,0.20203956048159172,0.4450290509915006,0.22210824571828092,0.4450290509915006,0.15957724189862302,0.4450290509915006
|
69 |
+
5,8,0.1530386734408424,0.42214184265479476,0.19692947467629993,0.42214184265479476,0.21614625224812892,0.42214184265479476,0.15303886428416436,0.42214184265479476
|
70 |
+
5,9,0.14207696982822973,0.4068837037636577,0.1847792169293228,0.4068837037636577,0.2026642557776762,0.42849940052610197,0.14207680707055906,0.4068837037636577
|
71 |
+
5,10,0.13022514658481477,0.39544009959530474,0.1700388623082075,0.39544009959530474,0.18553039024902615,0.4170557963577491,0.13022516263202327,0.39544009959530474
|
72 |
+
5,11,0.1176066144169277,0.36492382181303046,0.15447041279461962,0.36492382181303046,0.16282402526171505,0.36492382181303046,0.11760666941231407,0.36492382181303046
|
73 |
+
5,-1,0.1176066144169277,0.36492382181303046,0.15447041279461962,0.36492382181303046,0.16282402526171505,0.36492382181303046,0.11760666941231407,0.36492382181303046
|
74 |
+
6,1,0.11209124000929374,0.35729475236746183,0.144970869884693,0.35729475236746183,0.14969830770600087,0.3967116111695662,0.11209137495790243,0.35729475236746183
|
75 |
+
6,2,0.10793406074077823,0.35729475236746183,0.13891697034562708,0.35729475236746183,0.14501564125943403,0.3496656829218933,0.10793416587903665,0.35729475236746183
|
76 |
+
6,3,0.10570377751715311,0.35093719449615474,0.13706942515771756,0.35093719449615474,0.14726452050695968,0.39798312274382763,0.10570378437263826,0.35093719449615474
|
77 |
+
6,4,0.09785771114992677,0.3038912662484818,0.1280720706438677,0.3038912662484818,0.14671699876923963,0.3839964954269519,0.09785779168365975,0.3038912662484818
|
78 |
+
6,5,0.09001265345863624,0.2670174305949003,0.11254145999470345,0.2670174305949003,0.13840324229305467,0.31533487041683467,0.09001267546122682,0.2670174305949003
|
79 |
+
6,6,0.08156795006470546,0.18055464354512307,0.0945060710851749,0.18055464354512307,0.12659529740116163,0.23904417596114885,0.08156806534575342,0.18055464354512307
|
80 |
+
6,7,0.07688909837102012,0.13223720372318873,0.08369309396296522,0.13223720372318873,0.11780402021974862,0.1907267361392145,0.0768890642320908,0.13223720372318873
|
81 |
+
6,8,0.07185331448962393,0.10299243751517584,0.07397156726953258,0.10299243751517584,0.10672526237328807,0.10299243751517584,0.07185340342101376,0.10299243751517584
|
82 |
+
6,9,0.06922242025351755,0.040688370376365766,0.06946788485840581,0.040688370376365766,0.10023525924667886,0.09663487964386869,0.0692222958281237,0.040688370376365766
|
83 |
+
6,10,0.0751008825864986,0.09917790279239155,0.07686003516487178,0.09917790279239155,0.10595297621203448,0.09917790279239155,0.0751008546326137,0.09917790279239155
|
84 |
+
6,11,0.09107049827994747,0.12333662270335873,0.09570168795991872,0.12333662270335873,0.12385913122055595,0.16148196993120162,0.09107044321096859,0.12333662270335873
|
85 |
+
6,-1,0.09107049827994747,0.12333662270335873,0.09570168795991872,0.12333662270335873,0.12385913122055595,0.16148196993120162,0.09107044321096859,0.12333662270335873
|
86 |
+
7,1,0.09976403806018103,0.19199824771347596,0.10765904825236788,0.19199824771347596,0.13477778697072534,0.2199715023472274,0.09976386070428575,0.19199824771347596
|
87 |
+
7,2,0.10346023182607876,0.19962731715904453,0.11227314220500013,0.19962731715904453,0.13678307055541958,0.20598487503035168,0.10346047113908294,0.19962731715904453
|
88 |
+
7,3,0.11098830244816801,0.2250575486442731,0.12140721798019304,0.2250575486442731,0.14258988050219817,0.20598487503035168,0.11098822030315328,0.2250575486442731
|
89 |
+
7,4,0.1185490270358093,0.2352296412383646,0.1316402951192399,0.2352296412383646,0.14950832822633564,0.2657459190206389,0.11854912671456276,0.2352296412383646
|
90 |
+
7,5,0.1381273909003566,0.3077058009712661,0.1589925878157299,0.3077058009712661,0.17534429564844425,0.3077058009712661,0.1381273757303754,0.3077058009712661
|
91 |
+
7,6,0.1518081833606279,0.3293214977337104,0.17995113724804074,0.3293214977337104,0.1950372762129882,0.31660638199109614,0.151808227210962,0.3293214977337104
|
92 |
+
7,7,0.16756089384784903,0.354751729218939,0.20350735751019375,0.354751729218939,0.21672030151889649,0.39035405329825906,0.16756085448168373,0.354751729218939
|
93 |
+
7,8,0.17848167510497673,0.4208703310805334,0.22165741016254475,0.4208703310805334,0.23473701127650828,0.44884358571428484,0.1784816978483694,0.4208703310805334
|
94 |
+
7,9,0.1818443446476803,0.4780883519222977,0.2314154200816906,0.4780883519222977,0.2448064897955987,0.5060616065560491,0.1818444664753367,0.4780883519222977
|
95 |
+
7,10,0.18329690178364305,0.4895319560906506,0.23725202981618645,0.4895319560906506,0.24908105624489962,0.4895319560906506,0.18329693151973553,0.4895319560906506
|
96 |
+
7,11,0.18668775732439824,0.48444590979360486,0.241845435353808,0.48444590979360486,0.2531081876433348,0.43358544682314765,0.18668770370786242,0.48444590979360486
|
97 |
+
7,-1,0.18668775732439824,0.48444590979360486,0.241845435353808,0.48444590979360486,0.2531081876433348,0.43358544682314765,0.18668770370786242,0.48444590979360486
|
98 |
+
8,1,0.18441327675016309,0.42849940052610197,0.2389321965598203,0.42849940052610197,0.250056964741048,0.43358544682314765,0.1844130898777113,0.42849940052610197
|
99 |
+
8,2,0.17135365414170745,0.464101724605422,0.2226888350890159,0.464101724605422,0.23412353679350587,0.464101724605422,0.17135373525311365,0.464101724605422
|
100 |
+
8,3,0.15291240719879046,0.42722788895184055,0.20014488933873117,0.42722788895184055,0.21165050253187495,0.42722788895184055,0.15291244839166318,0.42722788895184055
|
101 |
+
8,4,0.13595171125935304,0.3827249838526905,0.17770027909062244,0.3827249838526905,0.1885556942590881,0.4094267269121805,0.1359515940061455,0.3827249838526905
|
102 |
+
8,5,0.12071596337082309,0.28863312735734464,0.15586229498071394,0.28863312735734464,0.16596617858627122,0.3471226597733704,0.12071582911707783,0.28863312735734464
|
103 |
+
8,6,0.1036366192929569,0.28481859263456033,0.1312009999906761,0.28481859263456033,0.14177549435114709,0.23904417596114885,0.10363680243109671,0.28481859263456033
|
104 |
+
8,7,0.09293157062663643,0.2670174305949003,0.11530789162503044,0.2670174305949003,0.1258163566175579,0.24158719910967172,0.09293171027230757,0.2670174305949003
|
105 |
+
8,8,0.08177085972706621,0.24285871068393314,0.10041238435940457,0.24285871068393314,0.11104091948750822,0.21742847919870456,0.08177087532718186,0.24285871068393314
|
106 |
+
8,9,0.07591841920906106,0.24285871068393314,0.09440157726508627,0.24285871068393314,0.1051260419643995,0.21742847919870456,0.07591868245109608,0.24285871068393314
|
107 |
+
8,10,0.07407040245435427,0.22378603707001168,0.09389204112694238,0.22378603707001168,0.10543467516904846,0.2682889421691617,0.07407042737519114,0.22378603707001168
|
108 |
+
8,11,0.08176977899472504,0.2606598727235932,0.10499057124417474,0.2606598727235932,0.11729056095196949,0.2403156875354103,0.0817695081161518,0.2606598727235932
|
109 |
+
8,-1,0.08176977899472504,0.2606598727235932,0.10499057124417474,0.2606598727235932,0.11729056095196949,0.2403156875354103,0.0817695081161518,0.2606598727235932
|
110 |
+
9,1,0.09126594375604519,0.2810040579117761,0.11704638820590649,0.2810040579117761,0.1291124523890442,0.2733749884662075,0.09126582894139283,0.2810040579117761
|
111 |
+
9,2,0.09915110272154258,0.2810040579117761,0.1274022352582584,0.2810040579117761,0.13915886666669575,0.30134824309995895,0.09915111489331396,0.2810040579117761
|
112 |
+
9,3,0.10719659410679393,0.319149405139619,0.13787403959098926,0.319149405139619,0.14920424656062536,0.319149405139619,0.1071965312338739,0.319149405139619
|
113 |
+
9,4,0.11192810287473294,0.319149405139619,0.14496097828980448,0.319149405139619,0.15450206830340754,0.35856626394172325,0.11192801495187907,0.319149405139619
|
114 |
+
9,5,0.10875459529811095,0.33059300930797186,0.1441520161855077,0.33059300930797186,0.15085859623352615,0.35856626394172325,0.10875448735576536,0.33059300930797186
|
115 |
+
9,6,0.10305647515642784,0.33059300930797186,0.13876150505158374,0.33059300930797186,0.142844986878471,0.35856626394172325,0.10305653127794281,0.33059300930797186
|
116 |
+
9,7,0.08815779535739515,0.33059300930797186,0.12234627625461908,0.33059300930797186,0.12453083627891413,0.3000767315256975,0.08815778271911774,0.33059300930797186
|
117 |
+
9,8,0.07200548674837572,0.24667324540671745,0.1038153672394872,0.24667324540671745,0.10408510747694613,0.2746465000404689,0.0720053378932158,0.24667324540671745
|
118 |
+
9,9,0.05848282026636471,0.21234243290165886,0.08759401054943233,0.21234243290165886,0.08674558675893174,0.20344185188182884,0.05848270922106672,0.21234243290165886
|
119 |
+
9,10,0.05734571231526904,0.21234243290165886,0.08665020378706445,0.21234243290165886,0.08598280008257679,0.19708429401052166,0.057345677155449505,0.21234243290165886
|
120 |
+
9,11,0.048710771860593534,0.24540173383245603,0.07594935834374272,0.24540173383245603,0.07713520679987798,0.19962731715904453,0.04871093844917312,0.24540173383245603
|
121 |
+
9,-1,0.048710771860593534,0.24540173383245603,0.07594935834374272,0.24540173383245603,0.07713520679987798,0.19962731715904453,0.04871093844917312,0.24540173383245603
|
122 |
+
10,1,0.037233316887982724,0.24540173383245603,0.06346772976386576,0.24540173383245603,0.0660682568680466,0.19962731715904453,0.037233237300267855,0.24540173383245603
|
123 |
+
10,2,0.028182232454945163,0.20852789817887454,0.05259100908019919,0.20852789817887454,0.05620902015924079,0.16275348150546307,0.028182313631818008,0.20852789817887454
|
124 |
+
10,3,0.027325373042890132,0.20852789817887454,0.05242078334695868,0.20852789817887454,0.055844510157388394,0.17038255095103164,0.02732535012088272,0.20852789817887454
|
125 |
+
10,4,0.03168060939006767,0.22124301392148887,0.05832052127383054,0.22124301392148887,0.05999705375659177,0.19581278243626024,0.031680395590390376,0.22124301392148887
|
126 |
+
10,5,0.03417321838506778,0.227600571792796,0.06216253282538864,0.227600571792796,0.06289404420188294,0.21234243290165886,0.0341734925855796,0.227600571792796
|
127 |
+
10,6,0.03255800937632655,0.23777266438688743,0.06056722019442633,0.23777266438688743,0.060829847380372636,0.23777266438688743,0.032557723440692736,0.23777266438688743
|
128 |
+
10,7,0.03373411198638211,0.23777266438688743,0.06322101740014778,0.23777266438688743,0.06304979484327518,0.23777266438688743,0.033733937092334854,0.23777266438688743
|
129 |
+
10,8,0.03518951067116921,0.23777266438688743,0.06626673999567853,0.23777266438688743,0.06684204670018867,0.21234243290165886,0.035189275521461776,0.23777266438688743
|
130 |
+
10,9,0.04711307255553179,0.2949906852286518,0.0823903034770084,0.2949906852286518,0.08406648631743037,0.26320289587211604,0.04711314623689136,0.2949906852286518
|
131 |
+
10,10,0.057155571370059076,0.2746465000404689,0.09526018260130367,0.2746465000404689,0.09774029486673294,0.2975337083771747,0.05715553820783422,0.2746465000404689
|
132 |
+
10,11,0.05165673994592941,0.27591801161473034,0.08957343107349856,0.27591801161473034,0.09385124762867836,0.28863312735734464,0.05165682764301584,0.27591801161473034
|
133 |
+
10,-1,0.05165673994592941,0.27591801161473034,0.08957343107349856,0.27591801161473034,0.09385124762867836,0.28863312735734464,0.05165682764301584,0.27591801161473034
|
134 |
+
11,1,0.04914143057764479,0.24540173383245603,0.08784130468862826,0.24540173383245603,0.0932597254241511,0.2835470810602989,0.049141493739087536,0.24540173383245603
|
135 |
+
11,2,0.04330686305051484,0.23141510651558028,0.08113443824639323,0.23141510651558028,0.08768724548440567,0.2911761505058675,0.04330682738496857,0.23141510651558028
|
136 |
+
11,3,0.03919397889688395,0.2326866180898417,0.07637626528187527,0.2326866180898417,0.08375991707209786,0.26320289587211604,0.03919394187338023,0.2326866180898417
|
137 |
+
11,4,0.03127220789958966,0.21107092132739738,0.065156699805129,0.21107092132739738,0.07406514263354061,0.21615696762444314,0.031272192236320266,0.21107092132739738
|
138 |
+
11,5,0.021298250553289436,0.1678395278025088,0.05064339929716293,0.1678395278025088,0.060724674451827734,0.20979940975313596,0.021298280169749963,0.1678395278025088
|
139 |
+
11,6,0.012684164053684782,0.13859476159449588,0.03694150145354199,0.13859476159449588,0.04771932352019315,0.13859476159449588,0.012684265007893627,0.13859476159449588
|
140 |
+
11,7,0.008108057214681266,0.11825057640631301,0.02874872266222184,0.11825057640631301,0.04007967916348841,0.13223720372318873,0.008108166437542395,0.11825057640631301
|
141 |
+
11,8,0.01416628705459017,0.11825057640631301,0.036965425811271754,0.11825057640631301,0.048192971957102565,0.13223720372318873,0.014166282786781077,0.11825057640631301
|
142 |
+
11,9,0.018610675632316477,0.11316453010926729,0.04590758693160654,0.11316453010926729,0.056947967453155605,0.15766743520841733,0.018610633460289714,0.11316453010926729
|
143 |
+
11,10,0.02320669614100849,0.13859476159449588,0.054990854945989716,0.13859476159449588,0.06536823389019569,0.21869999077296598,0.023206825360463392,0.13859476159449588
|
144 |
+
11,11,0.015491894113567354,0.12460813427762014,0.04470878546873902,0.12460813427762014,0.054791618361798126,0.1309656921489273,0.015491966145155935,0.12460813427762014
|
145 |
+
11,-1,0.015491894113567354,0.12460813427762014,0.04470878546873902,0.12460813427762014,0.054791618361798126,0.1309656921489273,0.015491966145155935,0.12460813427762014
|
146 |
+
12,1,0.004797560251317733,0.08519127547551582,0.029530766271716268,0.08519127547551582,0.03989145683151483,0.10553546066369869,0.0047976547319506695,0.08519127547551582
|
147 |
+
12,2,-0.004485417654448797,0.05848953241602578,0.017437919987792365,0.05848953241602578,0.028357663788714835,0.05848953241602578,-0.004485458439746425,0.05848953241602578
|
148 |
+
12,3,-0.013402838589394077,0.036873835653581474,0.006219537068958857,0.036873835653581474,0.01749433060732999,0.05848953241602578,-0.013402787812602913,0.036873835653581474
|
149 |
+
12,4,-0.019836825409897278,0.06484709028733295,-0.0005925213378432434,0.06484709028733295,0.010600839502179311,0.05848953241602578,-0.019836791901617343,0.06484709028733295
|
150 |
+
12,5,-0.019072915969685945,0.06484709028733295,0.0029391411433572906,0.06484709028733295,0.01391264307053083,0.06993313658437866,-0.019073017656267337,0.06484709028733295
|
151 |
+
12,6,-0.02061723393462606,0.06484709028733295,0.002362109226638592,0.06484709028733295,0.013158569189511315,0.09790639121813012,-0.020617309724844567,0.06484709028733295
|
152 |
+
12,7,-0.020023737171061012,0.06484709028733295,0.005058363685062357,0.06484709028733295,0.015749259298904104,0.09790639121813012,-0.020023822256989954,0.06484709028733295
|
153 |
+
12,8,-0.017445754568022803,0.09790639121813012,0.0099633822668601,0.09790639121813012,0.020458628264213043,0.0762906944556858,-0.01744576227528442,0.09790639121813012
|
154 |
+
12,9,-0.013113655933684049,0.13732325002023446,0.017585297142642994,0.13732325002023446,0.02745822114929106,0.11697906483205156,-0.013113512891344095,0.13732325002023446
|
155 |
+
12,10,-0.004360241631971284,0.11697906483205156,0.03078897191921153,0.11697906483205156,0.03923782435875529,0.15385290048563305,-0.004360272967010437,0.11697906483205156
|
156 |
+
12,11,0.009883043580143282,0.18691220141643022,0.05185727592826752,0.18691220141643022,0.057347971680461414,0.18691220141643022,0.00988310178196405,0.18691220141643022
|
157 |
+
12,-1,0.009883043580143282,0.18691220141643022,0.05185727592826752,0.18691220141643022,0.057347971680461414,0.18691220141643022,0.00988310178196405,0.18691220141643022
|
158 |
+
13,1,0.01828166609834648,0.21234243290165886,0.06425561246904804,0.21234243290165886,0.06820484977737874,0.20344185188182884,0.018281684513145373,0.21234243290165886
|
159 |
+
13,2,0.025050151781036332,0.22378603707001168,0.07468836971778371,0.22378603707001168,0.07691138111673694,0.21742847919870456,0.02505026877426047,0.22378603707001168
|
160 |
+
13,3,0.031788652943479115,0.2225145254957503,0.0843226504293111,0.2225145254957503,0.08505647467337873,0.2225145254957503,0.031788752522899234,0.2225145254957503
|
161 |
+
13,4,0.034253796308871876,0.2352296412383646,0.08642890192961626,0.2352296412383646,0.08732241982928904,0.2352296412383646,0.034253853980903096,0.2352296412383646
|
162 |
+
13,5,0.03262808855094563,0.24285871068393314,0.0826450458439152,0.24285871068393314,0.0847735887923998,0.24285871068393314,0.032628137686725595,0.24285871068393314
|
163 |
+
13,6,0.027424490079213756,0.1983558055847831,0.07357445285818652,0.1983558055847831,0.07829289129415477,0.227600571792796,0.027424502388611997,0.1983558055847831
|
164 |
+
13,7,0.022147530169050612,0.21107092132739738,0.065077817285842,0.21107092132739738,0.07161191033881362,0.1894552245649531,0.022147463302690375,0.21107092132739738
|
165 |
+
13,8,0.01411253144035307,0.18309766669364594,0.05293517745170286,0.18309766669364594,0.06139044708996704,0.1729255740995545,0.014112577626341287,0.18309766669364594
|
166 |
+
13,9,0.009517258291193135,0.1474953426143259,0.04589888786146918,0.1474953426143259,0.05567139671056171,0.1474953426143259,0.009517302022854142,0.1474953426143259
|
167 |
+
13,10,0.002529014374422464,0.1296941805746659,0.036169483096703,0.1296941805746659,0.04630270876176671,0.1296941805746659,0.002529035689790442,0.1296941805746659
|
168 |
+
13,11,-0.009506049724223819,0.10172092594091442,0.020736764427105002,0.10172092594091442,0.030365082116859555,0.09027732177256154,-0.009506277386307209,0.10172092594091442
|
169 |
+
13,-1,-0.009506049724223819,0.10172092594091442,0.020736764427105002,0.10172092594091442,0.030365082116859555,0.09027732177256154,-0.009506277386307209,0.10172092594091442
|
170 |
+
14,1,-0.018048599749427262,0.11316453010926729,0.010380435667547597,0.11316453010926729,0.019149189385445377,0.10172092594091442,-0.018048624149440844,0.11316453010926729
|
171 |
+
14,2,-0.02083242707256685,0.11316453010926729,0.007107884980461855,0.11316453010926729,0.01499758160661567,0.10172092594091442,-0.020832117037643896,0.11316453010926729
|
172 |
+
14,3,-0.01994728836324253,0.11316453010926729,0.008600073417510547,0.11316453010926729,0.01572521441471166,0.11316453010926729,-0.019947209272308468,0.11316453010926729
|
173 |
+
14,4,-0.016133021438620655,0.11316453010926729,0.013313504711850915,0.11316453010926729,0.019678260599505008,0.11316453010926729,-0.016133034447795458,0.11316453010926729
|
174 |
+
14,5,-0.009201437815879359,0.11316453010926729,0.022123416234327557,0.11316453010926729,0.027084062391001588,0.09027732177256154,-0.009201396669984622,0.11316453010926729
|
175 |
+
14,6,-0.0023202205398448884,0.11189301853500584,0.03117353122433727,0.11189301853500584,0.03435640153089931,0.13350871529745015,-0.0023202730436680838,0.11189301853500584
|
176 |
+
14,7,0.004484760720739454,0.13986627316875733,0.04044463491090532,0.13986627316875733,0.04178142823818959,0.1691110393767702,0.0044847280052710235,0.13986627316875733
|
177 |
+
14,8,0.009913081243930366,0.20344185188182884,0.04794603735562081,0.20344185188182884,0.047528503246961444,0.19708429401052166,0.009913029684740504,0.20344185188182884
|
178 |
+
14,9,0.01428540449220775,0.18309766669364594,0.05354922097565255,0.18309766669364594,0.05181479333034356,0.19708429401052166,0.01428529828074268,0.18309766669364594
|
179 |
+
14,10,0.01440734193855018,0.20344185188182884,0.05408649991721073,0.20344185188182884,0.05227433448277807,0.19708429401052166,0.014407230639380928,0.20344185188182884
|
180 |
+
14,11,0.013351543482259656,0.25048778012950174,0.05308491053834437,0.25048778012950174,0.051245831881138036,0.20852789817887454,0.013351628509182936,0.25048778012950174
|
181 |
+
14,-1,0.013351543482259656,0.25048778012950174,0.05308491053834437,0.25048778012950174,0.051245831881138036,0.20852789817887454,0.013351628509182936,0.25048778012950174
|
182 |
+
15,1,0.009329016963641112,0.1780116203966002,0.04787054079091418,0.1780116203966002,0.04733922229548797,0.19708429401052166,0.009328873220873824,0.1780116203966002
|
183 |
+
15,2,0.005659492037482656,0.15639592363415591,0.04286413655740388,0.15639592363415591,0.04369065293117014,0.15639592363415591,0.005659246883563745,0.15639592363415591
|
184 |
+
15,3,0.002813626564598688,0.15639592363415591,0.03918962510610899,0.15639592363415591,0.04105646136668867,0.15639592363415591,0.0028135999044668694,0.15639592363415591
|
185 |
+
15,4,0.0034207125615882635,0.16402499307972448,0.039683218818478715,0.16402499307972448,0.04217110582140066,0.15639592363415591,0.0034204166002628354,0.16402499307972448
|
186 |
+
15,5,0.00542645329284406,0.16402499307972448,0.042262096419450834,0.16402499307972448,0.04533409391735754,0.1780116203966002,0.00542658166888833,0.16402499307972448
|
187 |
+
15,6,0.011626622779295421,0.16402499307972448,0.049735962785075354,0.16402499307972448,0.05270095447183268,0.1780116203966002,0.011626629591198498,0.16402499307972448
|
188 |
+
15,7,0.02127125644433005,0.1780116203966002,0.0614673724489634,0.1780116203966002,0.06358939044494742,0.20344185188182884,0.02127148830758719,0.1780116203966002
|
189 |
+
15,8,0.02962945036425051,0.23904417596114885,0.07167600670402324,0.23904417596114885,0.07309918321899123,0.2250575486442731,0.02962937613769491,0.23904417596114885
|
190 |
+
15,9,0.03522072535658836,0.23904417596114885,0.07883466204744151,0.23904417596114885,0.07950302038820141,0.24667324540671745,0.03522073065855704,0.23904417596114885
|
191 |
+
15,10,0.03796058029399038,0.27973254633751465,0.08242918070665649,0.27973254633751465,0.08274556575730303,0.24667324540671745,0.037960688666184274,0.27973254633751465
|
192 |
+
15,11,0.04119883008790662,0.2708319653176846,0.08892877513421052,0.2708319653176846,0.09044171473571075,0.2708319653176846,0.04119876173395581,0.2708319653176846
|
193 |
+
15,-1,0.04119883008790662,0.2708319653176846,0.08892877513421052,0.2708319653176846,0.09044171473571075,0.2708319653176846,0.04119876173395581,0.2708319653176846
|
194 |
+
16,1,0.04216410424440802,0.2708319653176846,0.09212247380113912,0.2708319653176846,0.09464315639909755,0.2708319653176846,0.042164126301942155,0.2708319653176846
|
195 |
+
16,2,0.0441407556710783,0.2708319653176846,0.09612145409201607,0.2708319653176846,0.09951708872598612,0.28990463893160606,0.04414075287853401,0.2708319653176846
|
196 |
+
16,3,0.042205546420198095,0.2975337083771747,0.09452387608683198,0.2975337083771747,0.09938269651334339,0.28990463893160606,0.042205586891947026,0.2975337083771747
|
197 |
+
16,4,0.03493543970514294,0.2695604537434232,0.08653566501818355,0.2695604537434232,0.09323198203809309,0.28990463893160606,0.03493535475157906,0.2695604537434232
|
198 |
+
16,5,0.030026940919490774,0.24413022225819456,0.08122499032631714,0.24413022225819456,0.08950692558266216,0.28990463893160606,0.03002695016692208,0.24413022225819456
|
199 |
+
16,6,0.029202875464463967,0.24413022225819456,0.08092962697305656,0.24413022225819456,0.08973503354654602,0.29244766208012896,0.02920284466645602,0.24413022225819456
|
200 |
+
16,7,0.026205789459308577,0.23650115281262601,0.07756737357740413,0.23650115281262601,0.08682235276058586,0.27973254633751465,0.02620567639829453,0.23650115281262601
|
201 |
+
16,8,0.02765848300708177,0.21742847919870456,0.07959338539443381,0.21742847919870456,0.08867202242272153,0.2670174305949003,0.027658501796562037,0.21742847919870456
|
202 |
+
16,9,0.02825848855856504,0.21742847919870456,0.08051949825604263,0.21742847919870456,0.08930711587164723,0.2708319653176846,0.028258590725340725,0.21742847919870456
|
203 |
+
16,10,0.027388495072450135,0.21742847919870456,0.07942863865438896,0.21742847919870456,0.08814585190046881,0.2708319653176846,0.02738861030860458,0.21742847919870456
|
204 |
+
16,11,0.028630690778416134,0.2708319653176846,0.08156214071290545,0.2708319653176846,0.09017219095251267,0.2708319653176846,0.028630705967407886,0.2708319653176846
|
205 |
+
16,-1,0.028630690778416134,0.2708319653176846,0.08156214071290545,0.2708319653176846,0.09017219095251267,0.2708319653176846,0.028630705967407886,0.2708319653176846
|
206 |
+
17,1,0.02877598317739733,0.2708319653176846,0.08201077601964545,0.2708319653176846,0.09077582365942147,0.2708319653176846,0.02877593110692893,0.2708319653176846
|
207 |
+
17,2,0.024967338407439213,0.2708319653176846,0.07758354444257233,0.2708319653176846,0.08672552582444738,0.2708319653176846,0.02496751646375417,0.2708319653176846
|
208 |
+
17,3,0.02282571221821742,0.24540173383245603,0.07499362575919652,0.24540173383245603,0.08436200538941277,0.2708319653176846,0.02282565155139243,0.24540173383245603
|
209 |
+
17,4,0.017958104596167822,0.24540173383245603,0.06879861892574902,0.24540173383245603,0.078677349880757,0.24540173383245603,0.017957992507028474,0.24540173383245603
|
210 |
+
17,5,0.013324761139436597,0.24540173383245603,0.06280701978854587,0.24540173383245603,0.07312225247318169,0.23650115281262601,0.013324865072230603,0.24540173383245603
|
211 |
+
17,6,0.008392568247054366,0.21615696762444314,0.05621099477070217,0.21615696762444314,0.06657118524474125,0.23650115281262601,0.00839273495749478,0.21615696762444314
|
212 |
+
17,7,0.0022251280975957954,0.19454127086199882,0.048230486592604704,0.19454127086199882,0.058670041386075775,0.23650115281262601,0.0022251635534532893,0.19454127086199882
|
213 |
+
17,8,-0.0018211699069594761,0.19454127086199882,0.04288595973190618,0.19454127086199882,0.05339855818269553,0.20852789817887454,-0.0018210841129537747,0.19454127086199882
|
214 |
+
17,9,-0.00488753750712065,0.19454127086199882,0.038755340932725396,0.19454127086199882,0.049286445163543316,0.20852789817887454,-0.004887681926908444,0.19454127086199882
|
215 |
+
17,10,-0.006707432626214907,0.19454127086199882,0.03652879408585668,0.19454127086199882,0.04712560689838578,0.20852789817887454,-0.006707556107132815,0.19454127086199882
|
216 |
+
17,11,-0.0054228328877847475,0.19454127086199882,0.03870163479747773,0.19454127086199882,0.04909641121344186,0.19454127086199882,-0.005422794254327545,0.19454127086199882
|
217 |
+
17,-1,-0.0054228328877847475,0.19454127086199882,0.03870163479747773,0.19454127086199882,0.04909641121344186,0.19454127086199882,-0.005422794254327545,0.19454127086199882
|
218 |
+
18,1,-0.003770727315733091,0.18182615511938452,0.04143386362930925,0.18182615511938452,0.05157926946510492,0.19454127086199882,-0.003770699165805314,0.18182615511938452
|
219 |
+
18,2,-0.0020458840474131715,0.18182615511938452,0.044105899228011114,0.18182615511938452,0.05405066726102719,0.18182615511938452,-0.0020458379790938056,0.18182615511938452
|
220 |
+
18,3,0.0024340690493508226,0.20979940975313596,0.050278227639131264,0.20979940975313596,0.059055495554107086,0.20979940975313596,0.0024342280123968033,0.20979940975313596
|
221 |
+
18,4,0.005076994796226196,0.20979940975313596,0.054000603956706014,0.20979940975313596,0.06170450422453614,0.20979940975313596,0.005077005435247864,0.20979940975313596
|
222 |
+
18,5,0.01282420118429819,0.1983558055847831,0.0639142944892155,0.1983558055847831,0.070118380140176,0.2225145254957503,0.012824013958818789,0.1983558055847831
|
223 |
+
18,6,0.015190915610523777,0.25175929170376316,0.06715112072050368,0.25175929170376316,0.0725875262529568,0.22378603707001168,0.015190868997257191,0.25175929170376316
|
224 |
+
18,7,0.012605120461484171,0.25175929170376316,0.06430204320897907,0.25175929170376316,0.06969942539422695,0.22378603707001168,0.012605201706456154,0.25175929170376316
|
225 |
+
18,8,0.008863186021987676,0.22378603707001168,0.05988412483898415,0.22378603707001168,0.06526474371601791,0.22378603707001168,0.008863240993287244,0.22378603707001168
|
226 |
+
18,9,0.0038946958731484026,0.21742847919870456,0.054094435117360576,0.21742847919870456,0.059644778357486626,0.24794475698097887,0.0038947328727504836,0.21742847919870456
|
227 |
+
18,10,-0.0024285345327222756,0.2199715023472274,0.046563245406455386,0.2199715023472274,0.05255703655043448,0.2199715023472274,-0.0024284549268034916,0.2199715023472274
|
228 |
+
18,11,-0.008953073381689682,0.2199715023472274,0.038708153911368066,0.2199715023472274,0.04521332318961499,0.23395812966410312,-0.008952977884920731,0.2199715023472274
|
229 |
+
18,-1,-0.008953073381689682,0.2199715023472274,0.038708153911368066,0.2199715023472274,0.04521332318961499,0.23395812966410312,-0.008952977884920731,0.2199715023472274
|
230 |
+
19,1,-0.016735289994007956,0.20979940975313596,0.029162913059601118,0.20979940975313596,0.03649690360859061,0.23395812966410312,-0.016735078587967554,0.20979940975313596
|
231 |
+
19,2,-0.02599134552512817,0.19581278243626024,0.017671467577500835,0.19581278243626024,0.026255462302811214,0.21488545605018167,-0.025991431443660357,0.19581278243626024
|
232 |
+
19,3,-0.03018837879470894,0.15893894678267878,0.012497170155259692,0.15893894678267878,0.02136236073617345,0.19454127086199882,-0.030188437006530563,0.15893894678267878
|
233 |
+
19,4,-0.03172627088984268,0.18818371299069164,0.010829161487182184,0.18818371299069164,0.019499731423732507,0.2021703403075674,-0.03172645349390897,0.18818371299069164
|
234 |
+
19,5,-0.037639164561664,0.1436808078915416,0.003609480755440349,0.1436808078915416,0.012783850331095914,0.15766743520841733,-0.037639211690780834,0.1436808078915416
|
235 |
+
19,6,-0.043504392238433116,0.15130987733711018,-0.0034794906626125885,0.15130987733711018,0.006399002009600115,0.15766743520841733,-0.043504380320540395,0.15130987733711018
|
236 |
+
19,7,-0.04636801122256083,0.15130987733711018,-0.00691277458038589,0.15130987733711018,0.003510981090440299,0.17928313197086163,-0.04636810211125679,0.15130987733711018
|
237 |
+
19,8,-0.04576871431497392,0.15130987733711018,-0.0060346797046323605,0.15130987733711018,0.004758776632706567,0.17928313197086163,-0.0457684995100794,0.15130987733711018
|
238 |
+
19,9,-0.04129221034839505,0.15130987733711018,-0.0002254043998444689,0.15130987733711018,0.01038705164318487,0.17928313197086163,-0.041292215113372686,0.15130987733711018
|
239 |
+
19,10,-0.03522978379572944,0.16529650465398593,0.007394651318233233,0.16529650465398593,0.017670753892337625,0.17928313197086163,-0.03522986913204399,0.16529650465398593
|
240 |
+
19,11,-0.03341803487100037,0.16529650465398593,0.009836915528068414,0.16529650465398593,0.02018607631756769,0.17928313197086163,-0.03341783863740182,0.16529650465398593
|
241 |
+
19,-1,-0.03341803487100037,0.16529650465398593,0.009836915528068414,0.16529650465398593,0.02018607631756769,0.17928313197086163,-0.03341783863740182,0.16529650465398593
|
242 |
+
20,1,-0.030201999572249068,0.16529650465398593,0.014073361808990067,0.16529650465398593,0.024306923726935395,0.17928313197086163,-0.030202036838062683,0.16529650465398593
|
243 |
+
20,2,-0.030060627704129057,0.16529650465398593,0.014472958957427583,0.16529650465398593,0.0246006025901158,0.17928313197086163,-0.030060678498951523,0.16529650465398593
|
244 |
+
20,3,-0.028907727322998514,0.16529650465398593,0.016082193433957934,0.16529650465398593,0.02610838057443599,0.20725638660461312,-0.02890767215795544,0.16529650465398593
|
245 |
+
20,4,-0.02757189245041518,0.16529650465398593,0.017996675824057482,0.16529650465398593,0.028061301601238164,0.22632906021853458,-0.027571728526203605,0.16529650465398593
|
246 |
+
20,5,-0.025018942901372663,0.18055464354512307,0.021447343060779257,0.18055464354512307,0.03128057909816011,0.22632906021853458,-0.025018960038571684,0.18055464354512307
|
247 |
+
20,6,-0.0188500165938226,0.2021703403075674,0.029282057287798872,0.2021703403075674,0.038483301580181234,0.2352296412383646,-0.018850129399727585,0.2021703403075674
|
248 |
+
20,7,-0.009435648749936524,0.19454127086199882,0.04117903802438623,0.19454127086199882,0.04948539081024314,0.2492162685552403,-0.00943566621169466,0.19454127086199882
|
249 |
+
20,8,-0.0029160024002777714,0.20598487503035168,0.04917385019084027,0.20598487503035168,0.056771501584159216,0.24158719910967172,-0.002915908011750466,0.20598487503035168
|
250 |
+
20,9,0.00015936631823128803,0.22887208336705742,0.05282268061980654,0.22887208336705742,0.06008587537063447,0.24158719910967172,0.00015946881301773106,0.22887208336705742
|
251 |
+
20,10,0.0008693772038516564,0.21742847919870456,0.053661046288432136,0.21742847919870456,0.061268316288344095,0.23141510651558028,0.0008691181824782093,0.21742847919870456
|
252 |
+
20,11,-0.003031145523983508,0.19454127086199882,0.049034377798601626,0.19454127086199882,0.057414621858023485,0.2199715023472274,-0.0030311212918692513,0.19454127086199882
|
253 |
+
20,-1,-0.003031145523983508,0.19454127086199882,0.049034377798601626,0.19454127086199882,0.057414621858023485,0.2199715023472274,-0.0030311212918692513,0.19454127086199882
|
254 |
+
21,1,-0.0049006364982867685,0.19454127086199882,0.046683881729301394,0.19454127086199882,0.055457390775373754,0.21615696762444314,-0.004900496224594427,0.19454127086199882
|
255 |
+
21,2,-0.007587242526506444,0.21615696762444314,0.04335197110992407,0.21615696762444314,0.05264942647268922,0.21615696762444314,-0.007587375882201429,0.21615696762444314
|
256 |
+
21,3,-0.010334321040190416,0.17546859724807737,0.039859655477855235,0.17546859724807737,0.04939588850719638,0.21615696762444314,-0.010334324168269512,0.17546859724807737
|
257 |
+
21,4,-0.011175093189058356,0.17546859724807737,0.03881622952127227,0.17546859724807737,0.04817663929316963,0.19708429401052166,-0.011175046845419898,0.17546859724807737
|
258 |
+
21,5,-0.010022103882485721,0.17546859724807737,0.04016314319275334,0.17546859724807737,0.049154933573102806,0.19708429401052166,-0.010021974675727557,0.17546859724807737
|
259 |
+
21,6,-0.009766224227484839,0.17546859724807737,0.040232740453273394,0.17546859724807737,0.04893855036187378,0.17546859724807737,-0.009766124917090868,0.17546859724807737
|
260 |
+
21,7,-0.012839211006963077,0.14240929631728017,0.036166988643506814,0.14240929631728017,0.04492287600682434,0.17546859724807737,-0.012839164218038282,0.14240929631728017
|
261 |
+
21,8,-0.017075389788824835,0.14240929631728017,0.030716595128416103,0.14240929631728017,0.039729414197343334,0.15639592363415591,-0.017075205522060242,0.14240929631728017
|
262 |
+
21,9,-0.02100761362125135,0.14240929631728017,0.025753152811783527,0.14240929631728017,0.03500971873675201,0.15639592363415591,-0.021007739514298147,0.14240929631728017
|
263 |
+
21,10,-0.02344194093709409,0.12842266900040444,0.02267824401143258,0.12842266900040444,0.03202831406726747,0.1691110393767702,-0.023441942163603353,0.12842266900040444
|
264 |
+
21,11,-0.025652493611481794,0.14113778474301875,0.01987377267511674,0.14113778474301875,0.029333872825285254,0.15512441205989447,-0.02565246633919012,0.14113778474301875
|
265 |
+
21,-1,-0.025652493611481794,0.14113778474301875,0.01987377267511674,0.14113778474301875,0.029333872825285254,0.15512441205989447,-0.02565246633919012,0.14113778474301875
|
266 |
+
22,1,-0.02380554598677434,0.14113778474301875,0.02219536915930063,0.14113778474301875,0.031469586464784455,0.1691110393767702,-0.0238055668232286,0.14113778474301875
|
267 |
+
22,2,-0.021940557425586923,0.14240929631728017,0.024546346248746933,0.14240929631728017,0.03362651171341072,0.1691110393767702,-0.021940413084890246,0.14240929631728017
|
268 |
+
22,3,-0.020958776355886923,0.14240929631728017,0.02573521565987158,0.14240929631728017,0.03464305598257774,0.15639592363415591,-0.020958688530280146,0.14240929631728017
|
269 |
+
22,4,-0.022435734906545726,0.11443604168352871,0.023878522016239707,0.11443604168352871,0.03281797791216562,0.1691110393767702,-0.022435708613743728,0.11443604168352871
|
270 |
+
22,5,-0.021109515845632684,0.14240929631728017,0.025666980138882946,0.14240929631728017,0.03443537179733944,0.1691110393767702,-0.021109412687098865,0.14240929631728017
|
271 |
+
22,6,-0.018486781062392686,0.14240929631728017,0.029006153176173416,0.14240929631728017,0.03767123388748248,0.17546859724807737,-0.018486770356685542,0.14240929631728017
|
272 |
+
22,7,-0.0163853096338192,0.17546859724807737,0.03170570608126544,0.17546859724807737,0.04041538312560789,0.17546859724807737,-0.016385132639512686,0.17546859724807737
|
273 |
+
22,8,-0.015001685347354975,0.17546859724807737,0.03354299080420935,0.17546859724807737,0.04245776773369796,0.1894552245649531,-0.015001676795987956,0.17546859724807737
|
274 |
+
22,9,-0.013579172122238846,0.17546859724807737,0.0354774683510687,0.17546859724807737,0.044439429636293874,0.1894552245649531,-0.013579172060227747,0.17546859724807737
|
275 |
+
22,10,-0.013554251319240757,0.17546859724807737,0.035684005702218705,0.17546859724807737,0.04475555949121901,0.1894552245649531,-0.013554089071543087,0.17546859724807737
|
276 |
+
22,11,-0.013114384412195723,0.17546859724807737,0.036396828755893805,0.17546859724807737,0.04548436429440802,0.1894552245649531,-0.013114454482067965,0.17546859724807737
|
277 |
+
22,-1,-0.013114384412195723,0.17546859724807737,0.036396828755893805,0.17546859724807737,0.04548436429440802,0.1894552245649531,-0.013114454482067965,0.17546859724807737
|
278 |
+
23,1,-0.013048222906462622,0.17546859724807737,0.03663994813873367,0.17546859724807737,0.04573645657117398,0.1894552245649531,-0.013048204899042458,0.17546859724807737
|
279 |
+
23,2,-0.010106352010024045,0.17546859724807737,0.0405504250828328,0.17546859724807737,0.04939567249518323,0.1894552245649531,-0.010106308814941638,0.17546859724807737
|
280 |
+
23,3,-0.007070994185835114,0.17546859724807737,0.044387183184993934,0.17546859724807737,0.05275451026504609,0.1894552245649531,-0.007070982990243903,0.17546859724807737
|
281 |
+
23,4,-0.005132101735797378,0.17546859724807737,0.04677256815664264,0.17546859724807737,0.054751723269001185,0.1894552245649531,-0.0051320181002477575,0.17546859724807737
|
282 |
+
23,5,-0.0038139130706529405,0.17546859724807737,0.04834669383178254,0.17546859724807737,0.05593035357856577,0.1894552245649531,-0.0038137794475060693,0.17546859724807737
|
283 |
+
23,6,-0.0032350120704704778,0.17546859724807737,0.049022800630222046,0.17546859724807737,0.05629122047874037,0.1894552245649531,-0.0032349508403264277,0.17546859724807737
|
284 |
+
23,7,-0.003895464262094787,0.17546859724807737,0.04824838501309788,0.17546859724807737,0.05541341746684184,0.1894552245649531,-0.0038955883829614665,0.17546859724807737
|
285 |
+
23,8,-0.008074433874384645,0.16656801622824735,0.04304581845888115,0.16656801622824735,0.05046875498101959,0.1894552245649531,-0.00807457482268531,0.16656801622824735
|
286 |
+
23,9,-0.013792733137622254,0.18055464354512307,0.03587627631642683,0.18055464354512307,0.043729251843949886,0.18436917826790739,-0.013792567903093323,0.18055464354512307
|
287 |
+
23,10,-0.020526308727528534,0.1691110393767702,0.027410824933227974,0.1691110393767702,0.035777261360363945,0.23014359494131884,-0.02052622367139797,0.1691110393767702
|
288 |
+
23,11,-0.025031427404291963,0.1691110393767702,0.0219343529686563,0.1691110393767702,0.03092546492499023,0.2021703403075674,-0.025031272286080434,0.1691110393767702
|
289 |
+
23,-1,-0.025031427404291963,0.1691110393767702,0.0219343529686563,0.1691110393767702,0.03092546492499023,0.2021703403075674,-0.025031272286080434,0.1691110393767702
|
290 |
+
24,1,-0.02954225166474171,0.1691110393767702,0.016414910281793475,0.1691110393767702,0.02588249223423468,0.1780116203966002,-0.029542337503091157,0.1691110393767702
|
291 |
+
24,2,-0.03324944633648469,0.1691110393767702,0.011941153415057195,0.1691110393767702,0.02203503954652004,0.1780116203966002,-0.03324945021253602,0.1691110393767702
|
292 |
+
24,3,-0.03457369770597241,0.1691110393767702,0.01042171451113674,0.1691110393767702,0.020838343309003013,0.1780116203966002,-0.03457348876673611,0.1691110393767702
|
293 |
+
24,4,-0.0326846923104521,0.1691110393767702,0.01289235035638574,0.1691110393767702,0.023068983620983568,0.1780116203966002,-0.03268475326546824,0.1691110393767702
|
294 |
+
24,5,-0.02906045095185174,0.1691110393767702,0.01748990544238145,0.1691110393767702,0.027080662605437466,0.2021703403075674,-0.029060351556991416,0.1691110393767702
|
295 |
+
24,6,-0.024555826502669253,0.1894552245649531,0.023283209978617814,0.1894552245649531,0.03220141626503017,0.2021703403075674,-0.024555812933459757,0.1894552245649531
|
296 |
+
24,7,-0.02068342190735628,0.1856406898421688,0.028198931327858178,0.1856406898421688,0.03653112013288795,0.21361394447592028,-0.020683688838284548,0.1856406898421688
|
297 |
+
24,8,-0.017924200046896304,0.21361394447592028,0.03165867410789134,0.21361394447592028,0.039599292184938566,0.21361394447592028,-0.017924202847109796,0.21361394447592028
|
298 |
+
24,9,-0.015552248471454953,0.21361394447592028,0.034581468825793465,0.21361394447592028,0.04209309974261164,0.22378603707001168,-0.015552291323342998,0.21361394447592028
|
299 |
+
24,10,-0.01661557070830085,0.21361394447592028,0.033197375358479136,0.21361394447592028,0.04062658095329979,0.22378603707001168,-0.016615536353185238,0.21361394447592028
|
300 |
+
24,11,-0.01785086650363604,0.21361394447592028,0.03162077300029097,0.21361394447592028,0.039028803797261175,0.22378603707001168,-0.017850910430164835,0.21361394447592028
|
301 |
+
24,-1,-0.01785086650363604,0.21361394447592028,0.03162077300029097,0.21361394447592028,0.039028803797261175,0.22378603707001168,-0.017850910430164835,0.21361394447592028
|
302 |
+
25,1,-0.018773814223506893,0.21361394447592028,0.030500404349177886,0.21361394447592028,0.037909858914336764,0.22378603707001168,-0.01877374084613233,0.21361394447592028
|
303 |
+
25,2,-0.018470871138473115,0.21361394447592028,0.030852907672683793,0.21361394447592028,0.03817640610543628,0.22378603707001168,-0.018470989223181557,0.21361394447592028
|
304 |
+
25,3,-0.020460682926115265,0.1856406898421688,0.02826487240532227,0.1856406898421688,0.03578551063572371,0.21361394447592028,-0.02046069905156363,0.1856406898421688
|
305 |
+
25,4,-0.02329989741200378,0.1856406898421688,0.02468400115564365,0.1856406898421688,0.03246531733064371,0.21361394447592028,-0.02329994766324522,0.1856406898421688
|
306 |
+
25,5,-0.025103330741255862,0.19454127086199882,0.02226165030552808,0.19454127086199882,0.030237134714242216,0.19454127086199882,-0.025103178428922172,0.19454127086199882
|
307 |
+
25,6,-0.02654884319841501,0.19454127086199882,0.020242438807363053,0.19454127086199882,0.028338355078968487,0.19454127086199882,-0.026548870762643804,0.19454127086199882
|
308 |
+
25,7,-0.026512800692430758,0.19454127086199882,0.020024379917892524,0.19454127086199882,0.028169865294727942,0.19454127086199882,-0.026512952700161043,0.19454127086199882
|
309 |
+
25,8,-0.026133979956618335,0.19454127086199882,0.020251100394347805,0.19454127086199882,0.028421874258452866,0.19454127086199882,-0.02613382576090529,0.19454127086199882
|
310 |
+
25,9,-0.025841785045074415,0.19454127086199882,0.020378508999708993,0.19454127086199882,0.028630644652117315,0.19454127086199882,-0.025841641396604456,0.19454127086199882
|
311 |
+
25,10,-0.025231116054719973,0.19454127086199882,0.020951013957577928,0.19454127086199882,0.02920529492584397,0.19454127086199882,-0.025231087234169225,0.19454127086199882
|
312 |
+
25,11,-0.025777744473888958,0.19454127086199882,0.0200923557583867,0.19454127086199882,0.028406939848193112,0.19454127086199882,-0.025777701118981002,0.19454127086199882
|
313 |
+
25,-1,-0.025777744473888958,0.19454127086199882,0.0200923557583867,0.19454127086199882,0.028406939848193112,0.19454127086199882,-0.025777701118981002,0.19454127086199882
|
314 |
+
26,1,-0.02549740525532253,0.19454127086199882,0.020281576722593182,0.19454127086199882,0.028576956947394348,0.19454127086199882,-0.025497386302874833,0.19454127086199882
|
315 |
+
26,2,-0.023836518536208676,0.19454127086199882,0.022212846852807517,0.19454127086199882,0.0303605599122392,0.19454127086199882,-0.023836441508415098,0.19454127086199882
|
316 |
+
26,3,-0.02247581266266501,0.19454127086199882,0.023820204320642503,0.19454127086199882,0.03181832172346804,0.19454127086199882,-0.022475737073617205,0.19454127086199882
|
317 |
+
26,4,-0.020709646215293216,0.19454127086199882,0.025983149663797042,0.19454127086199882,0.03381626103444995,0.21488545605018167,-0.020709783488480876,0.19454127086199882
|
318 |
+
26,5,-0.018525366471625924,0.21488545605018167,0.02862818527034104,0.21488545605018167,0.03627110536695659,0.21488545605018167,-0.01852532314717698,0.21488545605018167
|
319 |
+
26,6,-0.01602435161606321,0.18182615511938452,0.0316748037229655,0.18182615511938452,0.03903223484635227,0.21488545605018167,-0.01602431013949826,0.18182615511938452
|
320 |
+
26,7,-0.014346669327852009,0.18182615511938452,0.03372663030281333,0.18182615511938452,0.04077637843068365,0.21488545605018167,-0.014346743019573187,0.18182615511938452
|
321 |
+
26,8,-0.013067017226710543,0.18182615511938452,0.03528627632712177,0.18182615511938452,0.04212325664026317,0.21488545605018167,-0.013066944265244738,0.18182615511938452
|
322 |
+
26,9,-0.012673282353643569,0.18182615511938452,0.03569754236582737,0.18182615511938452,0.04246127295961093,0.21488545605018167,-0.012673459682575357,0.18182615511938452
|
323 |
+
26,10,-0.013073155260025598,0.18182615511938452,0.03520099395037505,0.18182615511938452,0.0419612412432183,0.21488545605018167,-0.013073157152656036,0.18182615511938452
|
324 |
+
26,11,-0.013765663740207974,0.18182615511938452,0.03433023274891404,0.18182615511938452,0.04112832838414872,0.21488545605018167,-0.01376574860684676,0.18182615511938452
|
325 |
+
26,-1,-0.013765663740207974,0.18182615511938452,0.03433023274891404,0.18182615511938452,0.04112832838414872,0.21488545605018167,-0.01376574860684676,0.18182615511938452
|
326 |
+
27,1,-0.014429610082368443,0.18182615511938452,0.03350063842169765,0.18182615511938452,0.040324638791458256,0.21488545605018167,-0.01442966881221705,0.18182615511938452
|
327 |
+
27,2,-0.015183172788762965,0.18182615511938452,0.03253550349564028,0.18182615511938452,0.03946537375591734,0.21488545605018167,-0.01518305111611829,0.18182615511938452
|
328 |
+
27,3,-0.015300024758870486,0.18182615511938452,0.03235570989071104,0.18182615511938452,0.03931322042014694,0.21488545605018167,-0.015300168652908942,0.18182615511938452
|
329 |
+
27,4,-0.015390933500348161,0.18182615511938452,0.0321938456237532,0.18182615511938452,0.03913771074962599,0.21488545605018167,-0.01539104753885102,0.18182615511938452
|
330 |
+
27,5,-0.01609656686879708,0.1894552245649531,0.03128696127745762,0.1894552245649531,0.038286697884967705,0.21488545605018167,-0.016096636380760507,0.1894552245649531
|
331 |
+
27,6,-0.017223239399639222,0.1894552245649531,0.029873726124141593,0.1894552245649531,0.036945658906576924,0.21488545605018167,-0.017223228674559908,0.1894552245649531
|
332 |
+
27,7,-0.01734548996860992,0.1894552245649531,0.02968187276044421,0.1894552245649531,0.036715019100072674,0.21488545605018167,-0.017345590078603895,0.1894552245649531
|
333 |
+
27,8,-0.017413097499893206,0.1894552245649531,0.029574041435233376,0.1894552245649531,0.03657990868922708,0.2225145254957503,-0.017413087052766306,0.1894552245649531
|
334 |
+
27,9,-0.01769312479493965,0.1894552245649531,0.02921196699246323,0.1894552245649531,0.03623951462935255,0.2225145254957503,-0.017693414422417914,0.1894552245649531
|
335 |
+
27,10,-0.01794786461167785,0.1894552245649531,0.028854960749071228,0.1894552245649531,0.03591047355786814,0.2225145254957503,-0.017948019565443937,0.1894552245649531
|
336 |
+
27,11,-0.017897656912897873,0.1894552245649531,0.028900195734521458,0.1894552245649531,0.035988123659648735,0.2225145254957503,-0.017897573215747725,0.1894552245649531
|
337 |
+
27,-1,-0.017897656912897873,0.1894552245649531,0.028900195734521458,0.1894552245649531,0.035988123659648735,0.2225145254957503,-0.017897573215747725,0.1894552245649531
|
338 |
+
28,1,-0.017970679075521065,0.1894552245649531,0.028787585645418765,0.1894552245649531,0.035910413445717944,0.2225145254957503,-0.017970710558551643,0.1894552245649531
|
339 |
+
28,2,-0.01788515818566573,0.1894552245649531,0.02887981797459897,0.1894552245649531,0.03596050087158472,0.2225145254957503,-0.01788512769652136,0.1894552245649531
|
340 |
+
28,3,-0.01820955429634426,0.1894552245649531,0.0284430002621707,0.1894552245649531,0.03555574148093684,0.2225145254957503,-0.018209659068609857,0.1894552245649531
|
341 |
+
28,4,-0.018087439979172396,0.1894552245649531,0.028608669129550415,0.1894552245649531,0.03572777085448149,0.2225145254957503,-0.018087397738671455,0.1894552245649531
|
342 |
+
28,5,-0.0187208345885107,0.1894552245649531,0.027840028544293825,0.1894552245649531,0.035024474123305,0.2225145254957503,-0.018720883640889096,0.1894552245649531
|
343 |
+
28,6,-0.019423370383776107,0.1894552245649531,0.02697689186812351,0.1894552245649531,0.03426630126142006,0.2225145254957503,-0.019423451367624568,0.1894552245649531
|
344 |
+
28,7,-0.02016751216097512,0.1894552245649531,0.026057100363057698,0.1894552245649531,0.03345314260857531,0.2225145254957503,-0.020167481997830604,0.1894552245649531
|
345 |
+
28,8,-0.020812580142653997,0.1894552245649531,0.025245975639620395,0.1894552245649531,0.03273911759424903,0.2225145254957503,-0.020812548653820522,0.1894552245649531
|
346 |
+
28,9,-0.021481314610257186,0.1894552245649531,0.02440089756499032,0.1894552245649531,0.03207390405906263,0.2225145254957503,-0.021481470626928918,0.1894552245649531
|
347 |
+
28,10,-0.02153473761836212,0.2225145254957503,0.02435510946262201,0.2225145254957503,0.032100269208261374,0.2225145254957503,-0.021534695504364335,0.2225145254957503
|
348 |
+
28,11,-0.021566740540105905,0.2225145254957503,0.024327249399070192,0.2225145254957503,0.03211194466542096,0.2225145254957503,-0.021566902903406102,0.2225145254957503
|
349 |
+
28,-1,-0.021566740540105905,0.2225145254957503,0.024327249399070192,0.2225145254957503,0.03211194466542096,0.2225145254957503,-0.021566902903406102,0.2225145254957503
|
350 |
+
29,1,-0.021732127659349516,0.2225145254957503,0.02413220659837755,0.2225145254957503,0.03195106601938622,0.2225145254957503,-0.021732155339280985,0.2225145254957503
|
351 |
+
29,2,-0.021737639357533613,0.2225145254957503,0.024134666790928332,0.2225145254957503,0.03197158286870946,0.2225145254957503,-0.021737630200165267,0.2225145254957503
|
352 |
+
29,3,-0.02171254755957036,0.2225145254957503,0.024184174878064794,0.2225145254957503,0.03203303339066941,0.2225145254957503,-0.021712673232168012,0.2225145254957503
|
353 |
+
29,4,-0.021692299952699338,0.2225145254957503,0.024231064583112704,0.2225145254957503,0.03209177088875365,0.2225145254957503,-0.021692125467955656,0.2225145254957503
|
354 |
+
29,5,-0.021639132086807095,0.2225145254957503,0.024311263214492465,0.2225145254957503,0.03217885890974663,0.2225145254957503,-0.02163922932856479,0.2225145254957503
|
355 |
+
29,6,-0.02167318140735243,0.2225145254957503,0.02427949566705746,0.2225145254957503,0.032161395410986594,0.2225145254957503,-0.021672955178222937,0.2225145254957503
|
356 |
+
29,7,-0.021559149018021764,0.2225145254957503,0.024438738775406865,0.2225145254957503,0.03232144988930948,0.2225145254957503,-0.021559119291698462,0.2225145254957503
|
357 |
+
29,8,-0.021544041084944298,0.2225145254957503,0.02447027003424122,0.2225145254957503,0.0323627854365789,0.2225145254957503,-0.02154418449163919,0.2225145254957503
|
358 |
+
29,9,-0.02157624728340157,0.2225145254957503,0.024440934302013526,0.2225145254957503,0.032345781315387054,0.2225145254957503,-0.021576240481042164,0.2225145254957503
|
359 |
+
29,10,-0.021564942169029152,0.2225145254957503,0.024460722716249453,0.2225145254957503,0.03236962597593989,0.2225145254957503,-0.021564649651435563,0.2225145254957503
|
360 |
+
29,11,-0.021486713199547206,0.2225145254957503,0.02456445177100792,0.2225145254957503,0.032466997828010706,0.2225145254957503,-0.021486614798069643,0.2225145254957503
|
361 |
+
29,-1,-0.021486713199547206,0.2225145254957503,0.02456445177100792,0.2225145254957503,0.032466997828010706,0.2225145254957503,-0.021486614798069643,0.2225145254957503
|
merges.txt
ADDED
The diff for this file is too large to render.
See raw diff
|
|
modules.json
ADDED
@@ -0,0 +1,20 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
[
|
2 |
+
{
|
3 |
+
"idx": 0,
|
4 |
+
"name": "0",
|
5 |
+
"path": "",
|
6 |
+
"type": "sentence_transformers.models.Transformer"
|
7 |
+
},
|
8 |
+
{
|
9 |
+
"idx": 1,
|
10 |
+
"name": "1",
|
11 |
+
"path": "1_Pooling",
|
12 |
+
"type": "sentence_transformers.models.Pooling"
|
13 |
+
},
|
14 |
+
{
|
15 |
+
"idx": 2,
|
16 |
+
"name": "2",
|
17 |
+
"path": "2_Normalize",
|
18 |
+
"type": "sentence_transformers.models.Normalize"
|
19 |
+
}
|
20 |
+
]
|
pytorch_model.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:8da850e8bd853b8ba721080171964f536b80457a2155f16314e398e9ea200aa2
|
3 |
+
size 328517361
|
sentence_bert_config.json
ADDED
@@ -0,0 +1,4 @@
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"max_seq_length": 512,
|
3 |
+
"do_lower_case": false
|
4 |
+
}
|
similarity_evaluation_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.7731994684889343,0.4264262412889712,0.7654176914768717,0.4264262412889712,0.7646561734925907,0.4314324312991191,0.7731994715770808,0.4264262412889712
|
special_tokens_map.json
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
{"bos_token": "<s>", "eos_token": "</s>", "unk_token": "<unk>", "sep_token": "</s>", "pad_token": "<pad>", "cls_token": "<s>", "mask_token": {"content": "<mask>", "single_word": false, "lstrip": true, "rstrip": false, "normalized": false}}
|
tokenizer.json
ADDED
The diff for this file is too large to render.
See raw diff
|
|
tokenizer_config.json
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
{"unk_token": "<unk>", "bos_token": "<s>", "eos_token": "</s>", "add_prefix_space": false, "errors": "replace", "sep_token": "</s>", "cls_token": "<s>", "pad_token": "<pad>", "mask_token": "<mask>", "trim_offsets": true, "model_max_length": 512, "special_tokens_map_file": null, "name_or_path": "/root/.cache/torch/sentence_transformers/sentence-transformers_all-distilroberta-v1/", "tokenizer_class": "RobertaTokenizer"}
|
vocab.json
ADDED
The diff for this file is too large to render.
See raw diff
|
|