Commit
·
427023a
1
Parent(s):
70c8d5a
Add new SentenceTransformer model.
Browse files- .gitattributes +2 -0
- 1_Pooling/config.json +7 -0
- README.md +126 -0
- config.json +29 -0
- config_sentence_transformers.json +7 -0
- eval/binary_classification_evaluation_dev_results.csv +131 -0
- modules.json +14 -0
- pytorch_model.bin +3 -0
- sentence_bert_config.json +4 -0
- sentencepiece.bpe.model +3 -0
- special_tokens_map.json +15 -0
- tokenizer.json +3 -0
- tokenizer_config.json +20 -0
.gitattributes
CHANGED
@@ -30,3 +30,5 @@ saved_model/**/* filter=lfs diff=lfs merge=lfs -text
|
|
30 |
*.zip filter=lfs diff=lfs merge=lfs -text
|
31 |
*.zst filter=lfs diff=lfs merge=lfs -text
|
32 |
*tfevents* filter=lfs diff=lfs merge=lfs -text
|
|
|
|
|
|
30 |
*.zip filter=lfs diff=lfs merge=lfs -text
|
31 |
*.zst filter=lfs diff=lfs merge=lfs -text
|
32 |
*tfevents* filter=lfs diff=lfs merge=lfs -text
|
33 |
+
pytorch_model.bin filter=lfs diff=lfs merge=lfs -text
|
34 |
+
tokenizer.json 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
CHANGED
@@ -0,0 +1,126 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
---
|
2 |
+
pipeline_tag: sentence-similarity
|
3 |
+
tags:
|
4 |
+
- sentence-transformers
|
5 |
+
- feature-extraction
|
6 |
+
- sentence-similarity
|
7 |
+
- transformers
|
8 |
+
|
9 |
+
---
|
10 |
+
|
11 |
+
# {MODEL_NAME}
|
12 |
+
|
13 |
+
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.
|
14 |
+
|
15 |
+
<!--- Describe your model here -->
|
16 |
+
|
17 |
+
## Usage (Sentence-Transformers)
|
18 |
+
|
19 |
+
Using this model becomes easy when you have [sentence-transformers](https://www.SBERT.net) installed:
|
20 |
+
|
21 |
+
```
|
22 |
+
pip install -U sentence-transformers
|
23 |
+
```
|
24 |
+
|
25 |
+
Then you can use the model like this:
|
26 |
+
|
27 |
+
```python
|
28 |
+
from sentence_transformers import SentenceTransformer
|
29 |
+
sentences = ["This is an example sentence", "Each sentence is converted"]
|
30 |
+
|
31 |
+
model = SentenceTransformer('{MODEL_NAME}')
|
32 |
+
embeddings = model.encode(sentences)
|
33 |
+
print(embeddings)
|
34 |
+
```
|
35 |
+
|
36 |
+
|
37 |
+
|
38 |
+
## Usage (HuggingFace Transformers)
|
39 |
+
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.
|
40 |
+
|
41 |
+
```python
|
42 |
+
from transformers import AutoTokenizer, AutoModel
|
43 |
+
import torch
|
44 |
+
|
45 |
+
|
46 |
+
#Mean Pooling - Take attention mask into account for correct averaging
|
47 |
+
def mean_pooling(model_output, attention_mask):
|
48 |
+
token_embeddings = model_output[0] #First element of model_output contains all token embeddings
|
49 |
+
input_mask_expanded = attention_mask.unsqueeze(-1).expand(token_embeddings.size()).float()
|
50 |
+
return torch.sum(token_embeddings * input_mask_expanded, 1) / torch.clamp(input_mask_expanded.sum(1), min=1e-9)
|
51 |
+
|
52 |
+
|
53 |
+
# Sentences we want sentence embeddings for
|
54 |
+
sentences = ['This is an example sentence', 'Each sentence is converted']
|
55 |
+
|
56 |
+
# Load model from HuggingFace Hub
|
57 |
+
tokenizer = AutoTokenizer.from_pretrained('{MODEL_NAME}')
|
58 |
+
model = AutoModel.from_pretrained('{MODEL_NAME}')
|
59 |
+
|
60 |
+
# Tokenize sentences
|
61 |
+
encoded_input = tokenizer(sentences, padding=True, truncation=True, return_tensors='pt')
|
62 |
+
|
63 |
+
# Compute token embeddings
|
64 |
+
with torch.no_grad():
|
65 |
+
model_output = model(**encoded_input)
|
66 |
+
|
67 |
+
# Perform pooling. In this case, mean pooling.
|
68 |
+
sentence_embeddings = mean_pooling(model_output, encoded_input['attention_mask'])
|
69 |
+
|
70 |
+
print("Sentence embeddings:")
|
71 |
+
print(sentence_embeddings)
|
72 |
+
```
|
73 |
+
|
74 |
+
|
75 |
+
|
76 |
+
## Evaluation Results
|
77 |
+
|
78 |
+
<!--- Describe how your model was evaluated -->
|
79 |
+
|
80 |
+
For an automated evaluation of this model, see the *Sentence Embeddings Benchmark*: [https://seb.sbert.net](https://seb.sbert.net?model_name={MODEL_NAME})
|
81 |
+
|
82 |
+
|
83 |
+
## Training
|
84 |
+
The model was trained with the parameters:
|
85 |
+
|
86 |
+
**DataLoader**:
|
87 |
+
|
88 |
+
`torch.utils.data.dataloader.DataLoader` of length 30 with parameters:
|
89 |
+
```
|
90 |
+
{'batch_size': 32, 'sampler': 'torch.utils.data.sampler.RandomSampler', 'batch_sampler': 'torch.utils.data.sampler.BatchSampler'}
|
91 |
+
```
|
92 |
+
|
93 |
+
**Loss**:
|
94 |
+
|
95 |
+
`sentence_transformers.losses.OnlineContrastiveLoss.OnlineContrastiveLoss`
|
96 |
+
|
97 |
+
Parameters of the fit()-Method:
|
98 |
+
```
|
99 |
+
{
|
100 |
+
"epochs": 10,
|
101 |
+
"evaluation_steps": 3,
|
102 |
+
"evaluator": "sentence_transformers.evaluation.BinaryClassificationEvaluator.BinaryClassificationEvaluator",
|
103 |
+
"max_grad_norm": 1,
|
104 |
+
"optimizer_class": "<class 'torch.optim.adamw.AdamW'>",
|
105 |
+
"optimizer_params": {
|
106 |
+
"lr": 1e-05
|
107 |
+
},
|
108 |
+
"scheduler": "WarmupLinear",
|
109 |
+
"steps_per_epoch": null,
|
110 |
+
"warmup_steps": 30,
|
111 |
+
"weight_decay": 0.01
|
112 |
+
}
|
113 |
+
```
|
114 |
+
|
115 |
+
|
116 |
+
## Full Model Architecture
|
117 |
+
```
|
118 |
+
SentenceTransformer(
|
119 |
+
(0): Transformer({'max_seq_length': 128, 'do_lower_case': False}) with Transformer model: XLMRobertaModel
|
120 |
+
(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})
|
121 |
+
)
|
122 |
+
```
|
123 |
+
|
124 |
+
## Citing & Authors
|
125 |
+
|
126 |
+
<!--- Describe where people can find more information -->
|
config.json
ADDED
@@ -0,0 +1,29 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"_name_or_path": "models/multi-qa-mpnet-zh/",
|
3 |
+
"architectures": [
|
4 |
+
"XLMRobertaModel"
|
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": "xlm-roberta",
|
19 |
+
"num_attention_heads": 12,
|
20 |
+
"num_hidden_layers": 12,
|
21 |
+
"output_past": true,
|
22 |
+
"pad_token_id": 1,
|
23 |
+
"position_embedding_type": "absolute",
|
24 |
+
"torch_dtype": "float32",
|
25 |
+
"transformers_version": "4.22.2",
|
26 |
+
"type_vocab_size": 1,
|
27 |
+
"use_cache": true,
|
28 |
+
"vocab_size": 250002
|
29 |
+
}
|
config_sentence_transformers.json
ADDED
@@ -0,0 +1,7 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"__version__": {
|
3 |
+
"sentence_transformers": "2.2.2",
|
4 |
+
"transformers": "4.21.1",
|
5 |
+
"pytorch": "1.12.1+cu102"
|
6 |
+
}
|
7 |
+
}
|
eval/binary_classification_evaluation_dev_results.csv
ADDED
@@ -0,0 +1,131 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
epoch,steps,cossim_accuracy,cossim_accuracy_threshold,cossim_f1,cossim_precision,cossim_recall,cossim_f1_threshold,cossim_ap,manhattan_accuracy,manhattan_accuracy_threshold,manhattan_f1,manhattan_precision,manhattan_recall,manhattan_f1_threshold,manhattan_ap,euclidean_accuracy,euclidean_accuracy_threshold,euclidean_f1,euclidean_precision,euclidean_recall,euclidean_f1_threshold,euclidean_ap,dot_accuracy,dot_accuracy_threshold,dot_f1,dot_precision,dot_recall,dot_f1_threshold,dot_ap
|
2 |
+
0,1,0.6451612903225806,0.8780746459960938,0.7326732673267325,0.5967741935483871,0.9487179487179487,0.6857414841651917,0.679643899722216,0.6221198156682027,7.033924102783203,0.7090909090909091,0.5492957746478874,1.0,18.272476196289062,0.6085405607908178,0.6267281105990783,0.3262202739715576,0.7090909090909091,0.5492957746478874,1.0,0.846386194229126,0.6103576690793852,0.7880184331797235,0.3928024172782898,0.8145161290322581,0.7709923664122137,0.8632478632478633,0.3715747594833374,0.8423893774979889
|
3 |
+
0,2,0.6497695852534562,0.8428952693939209,0.736842105263158,0.5989304812834224,0.9572649572649573,0.6863736510276794,0.6835820587834824,0.6221198156682027,7.013289451599121,0.7090909090909091,0.5492957746478874,1.0,18.2490234375,0.6093089759644365,0.6267281105990783,0.3252835273742676,0.7090909090909091,0.5492957746478874,1.0,0.8452430963516235,0.611302219240822,0.7926267281105991,0.3933393657207489,0.8221343873517786,0.7647058823529411,0.8888888888888888,0.36540448665618896,0.8496704546627311
|
4 |
+
0,3,0.6543778801843319,0.8437698483467102,0.736842105263158,0.5989304812834224,0.9572649572649573,0.6911754012107849,0.6884894751475766,0.6221198156682027,6.982261657714844,0.7090909090909091,0.5492957746478874,1.0,18.2373046875,0.6110928649865723,0.631336405529954,0.3248940110206604,0.7090909090909091,0.5492957746478874,1.0,0.8446652889251709,0.6122406539988352,0.8064516129032258,0.39149725437164307,0.8300395256916997,0.7720588235294118,0.8974358974358975,0.36789655685424805,0.8642289581193108
|
5 |
+
0,4,0.6589861751152074,0.7688546180725098,0.7417218543046358,0.6054054054054054,0.9572649572649573,0.7062592506408691,0.6949819903292453,0.631336405529954,7.013883590698242,0.709480122324159,0.5523809523809524,0.9914529914529915,16.45218849182129,0.6132759583170257,0.6267281105990783,0.3218258023262024,0.709480122324159,0.5523809523809524,0.9914529914529915,0.7715978622436523,0.6148293912445327,0.8248847926267281,0.44853687286376953,0.8412698412698414,0.7851851851851852,0.905982905982906,0.37732312083244324,0.8869367968232464
|
6 |
+
0,5,0.6728110599078341,0.7907298803329468,0.7457627118644068,0.6179775280898876,0.9401709401709402,0.7432299852371216,0.7129626480435602,0.6267281105990783,6.929196357727051,0.7116564417177914,0.5550239234449761,0.9914529914529915,16.121004104614258,0.6157457847200065,0.6267281105990783,0.31765031814575195,0.7116564417177914,0.5550239234449761,0.9914529914529915,0.7571967840194702,0.617793590469726,0.8663594470046083,0.4692298471927643,0.8687782805429864,0.9230769230769231,0.8205128205128205,0.4692298471927643,0.9137435375935941
|
7 |
+
0,6,0.6912442396313364,0.8046572208404541,0.7569444444444444,0.6374269005847953,0.9316239316239316,0.7699810862541199,0.733382638730407,0.6359447004608295,6.905981063842773,0.7116564417177914,0.5550239234449761,0.9914529914529915,16.093975067138672,0.6191541258795188,0.6359447004608295,0.3199893534183502,0.7116564417177914,0.5550239234449761,0.9914529914529915,0.7463356256484985,0.6205368051697939,0.880184331797235,0.48645269870758057,0.8839285714285714,0.9252336448598131,0.8461538461538461,0.47305184602737427,0.9365180827317676
|
8 |
+
0,7,0.7004608294930875,0.826535701751709,0.7686832740213524,0.6585365853658537,0.9230769230769231,0.7955203056335449,0.7503277343956376,0.6405529953917051,6.559751987457275,0.7116564417177914,0.5550239234449761,0.9914529914529915,16.0770263671875,0.6214057384778552,0.6405529953917051,0.3154221773147583,0.7116564417177914,0.5550239234449761,0.9914529914529915,0.7539330720901489,0.6234517994749886,0.8986175115207373,0.48527127504348755,0.9083333333333333,0.8861788617886179,0.9316239316239316,0.44308608770370483,0.9553785470044555
|
9 |
+
0,8,0.7188940092165899,0.8422583341598511,0.7797833935018051,0.675,0.9230769230769231,0.8219900131225586,0.7708973681953242,0.6405529953917051,6.476510047912598,0.7090909090909091,0.5492957746478874,1.0,18.205949783325195,0.6235624586146944,0.6405529953917051,0.3013550639152527,0.7090909090909091,0.5492957746478874,1.0,0.8435968160629272,0.6267674461399785,0.9308755760368663,0.47455573081970215,0.9356223175965666,0.9396551724137931,0.9316239316239316,0.47455573081970215,0.9685947377724652
|
10 |
+
0,1,0.6451612903225806,0.8780746459960938,0.7326732673267325,0.5967741935483871,0.9487179487179487,0.6857414841651917,0.679643899722216,0.6221198156682027,7.033924102783203,0.7090909090909091,0.5492957746478874,1.0,18.272476196289062,0.6085405607908178,0.6267281105990783,0.3262202739715576,0.7090909090909091,0.5492957746478874,1.0,0.846386194229126,0.6103576690793852,0.7880184331797235,0.3928024172782898,0.8145161290322581,0.7709923664122137,0.8632478632478633,0.3715747594833374,0.8423893774979889
|
11 |
+
0,2,0.6497695852534562,0.843278169631958,0.736842105263158,0.5989304812834224,0.9572649572649573,0.6867398619651794,0.6834495961206664,0.6221198156682027,7.014925956726074,0.7090909090909091,0.5492957746478874,1.0,18.246559143066406,0.6094971498207756,0.6267281105990783,0.32533398270606995,0.7090909090909091,0.5492957746478874,1.0,0.8451154232025146,0.6114111350540982,0.7926267281105991,0.3933390974998474,0.8174603174603174,0.762962962962963,0.8803418803418803,0.36564022302627563,0.8494497217133706
|
12 |
+
0,3,0.6543778801843319,0.8437178134918213,0.736842105263158,0.5989304812834224,0.9572649572649573,0.6914077401161194,0.6882482189233494,0.6221198156682027,6.976428031921387,0.7090909090909091,0.5492957746478874,1.0,18.223133087158203,0.6110866391865559,0.6267281105990783,0.3235341012477875,0.7090909090909091,0.5492957746478874,1.0,0.8439887762069702,0.6124801783856049,0.8064516129032258,0.39078179001808167,0.8286852589641434,0.7761194029850746,0.8888888888888888,0.3697824478149414,0.8639199326145448
|
13 |
+
0,4,0.663594470046083,0.7699446678161621,0.7441860465116279,0.6086956521739131,0.9572649572649573,0.7085325717926025,0.6940259783546994,0.6267281105990783,7.026264190673828,0.709480122324159,0.5523809523809524,0.9914529914529915,16.433208465576172,0.6136697583431909,0.631336405529954,0.323234498500824,0.709480122324159,0.5523809523809524,0.9914529914529915,0.770458459854126,0.6157794001888822,0.8248847926267281,0.4270334243774414,0.8376068376068376,0.8376068376068376,0.8376068376068376,0.4270334243774414,0.8799052378876294
|
14 |
+
0,1,0.6451612903225806,0.8780746459960938,0.7326732673267325,0.5967741935483871,0.9487179487179487,0.6857415437698364,0.679643899722216,0.6221198156682027,7.0339250564575195,0.7090909090909091,0.5492957746478874,1.0,18.272476196289062,0.6085405607908178,0.6267281105990783,0.3262202739715576,0.7090909090909091,0.5492957746478874,1.0,0.846386194229126,0.6103576690793852,0.7880184331797235,0.3928024172782898,0.8145161290322581,0.7709923664122137,0.8632478632478633,0.3715747594833374,0.8423893774979889
|
15 |
+
0,2,0.6497695852534562,0.8421747088432312,0.736842105263158,0.5989304812834224,0.9572649572649573,0.6856759786605835,0.6841120258363951,0.6221198156682027,7.017804145812988,0.7090909090909091,0.5492957746478874,1.0,18.271677017211914,0.6091799153352602,0.6267281105990783,0.32548460364341736,0.7090909090909091,0.5492957746478874,1.0,0.8463704586029053,0.6111742795160879,0.7972350230414746,0.39122289419174194,0.8253968253968255,0.7703703703703704,0.8888888888888888,0.36738425493240356,0.8529039005223166
|
16 |
+
0,3,0.6543778801843319,0.8439571857452393,0.7375415282392026,0.6032608695652174,0.9487179487179487,0.7047536969184875,0.6888885587791664,0.6267281105990783,7.071241855621338,0.7090909090909091,0.5492957746478874,1.0,18.272907257080078,0.6105583008486494,0.631336405529954,0.32531800866127014,0.7090909090909091,0.5492957746478874,1.0,0.8465203046798706,0.612434620368318,0.8110599078341014,0.37058210372924805,0.8379446640316206,0.7794117647058824,0.905982905982906,0.37058210372924805,0.8669401647726112
|
17 |
+
0,4,0.6589861751152074,0.7684612274169922,0.7424749163879599,0.6098901098901099,0.9487179487179487,0.7205076217651367,0.6947174817840407,0.631336405529954,7.035193920135498,0.709480122324159,0.5523809523809524,0.9914529914529915,16.55225944519043,0.6133529853736168,0.6267281105990783,0.32233113050460815,0.709480122324159,0.5523809523809524,0.9914529914529915,0.7765216827392578,0.6143976600838919,0.8294930875576036,0.3914008140563965,0.8502024291497975,0.8076923076923077,0.8974358974358975,0.3914008140563965,0.8876958221114083
|
18 |
+
0,5,0.6682027649769585,0.7831602096557617,0.7457627118644068,0.6179775280898876,0.9401709401709402,0.7431710362434387,0.7109292081932671,0.6359447004608295,6.989808082580566,0.7116564417177914,0.5550239234449761,0.9914529914529915,16.19598960876465,0.6157234871355818,0.631336405529954,0.3277512788772583,0.7116564417177914,0.5550239234449761,0.9914529914529915,0.7616517543792725,0.6173776396490813,0.8617511520737328,0.4641271233558655,0.8672566371681416,0.8990825688073395,0.8376068376068376,0.46008849143981934,0.9125868292667706
|
19 |
+
0,6,0.6866359447004609,0.8025500774383545,0.7543252595155708,0.6337209302325582,0.9316239316239316,0.7701429128646851,0.7304905052035155,0.631336405529954,6.8590288162231445,0.7116564417177914,0.5550239234449761,0.9914529914529915,16.096538543701172,0.6182967719901145,0.6359447004608295,0.3196216821670532,0.7116564417177914,0.5550239234449761,0.9914529914529915,0.7521636486053467,0.6210148487028715,0.8847926267281107,0.48404544591903687,0.8888888888888888,0.9259259259259259,0.8547008547008547,0.46995532512664795,0.9337754613412135
|
20 |
+
0,7,0.7004608294930875,0.7957683801651001,0.7686832740213524,0.6585365853658537,0.9230769230769231,0.7957683801651001,0.7469780664013712,0.6359447004608295,6.640390396118164,0.7116564417177914,0.5550239234449761,0.9914529914529915,16.013687133789062,0.6214573724673718,0.6359447004608295,0.3052017092704773,0.7116564417177914,0.5550239234449761,0.9914529914529915,0.7422546148300171,0.6241288790182481,0.9124423963133641,0.46047431230545044,0.919831223628692,0.9083333333333333,0.9316239316239316,0.4521014392375946,0.9536459485194544
|
21 |
+
0,8,0.7188940092165899,0.8212814331054688,0.7797833935018051,0.675,0.9230769230769231,0.8212814331054688,0.7666756690670642,0.6405529953917051,6.4840240478515625,0.7116564417177914,0.5550239234449761,0.9914529914529915,15.923028945922852,0.6259419467571572,0.6405529953917051,0.3020390272140503,0.7116564417177914,0.5550239234449761,0.9914529914529915,0.7515807151794434,0.6281934950014183,0.9308755760368663,0.4816150963306427,0.9356223175965666,0.9396551724137931,0.9316239316239316,0.4816150963306427,0.967543676595848
|
22 |
+
0,3,0.6497695852534562,0.8429338932037354,0.736842105263158,0.5989304812834224,0.9572649572649573,0.6868703961372375,0.685506281570399,0.6221198156682027,7.03498649597168,0.7090909090909091,0.5492957746478874,1.0,18.28741455078125,0.6092584754053374,0.6267281105990783,0.3289843201637268,0.7090909090909091,0.5492957746478874,1.0,0.8471466898918152,0.6113637877581963,0.8018433179723502,0.3683050572872162,0.8300395256916997,0.7720588235294118,0.8974358974358975,0.3683050572872162,0.8567445157364608
|
23 |
+
0,6,0.663594470046083,0.7779173851013184,0.7417218543046358,0.6054054054054054,0.9572649572649573,0.7040231227874756,0.7005478918678834,0.6221198156682027,7.045282363891602,0.7090909090909091,0.5492957746478874,1.0,18.37474250793457,0.6119511315795594,0.6221198156682027,0.3227344751358032,0.7090909090909091,0.5492957746478874,1.0,0.8514622449874878,0.6143037867731289,0.8525345622119815,0.45012158155441284,0.8596491228070176,0.8828828828828829,0.8376068376068376,0.45012158155441284,0.9029403871484901
|
24 |
+
0,9,0.6912442396313364,0.8135268688201904,0.7605633802816902,0.6467065868263473,0.9230769230769231,0.7759246826171875,0.736205463336804,0.6267281105990783,6.963399410247803,0.7116564417177914,0.5550239234449761,0.9914529914529915,16.234153747558594,0.617653577521857,0.6267281105990783,0.32431551814079285,0.7116564417177914,0.5550239234449761,0.9914529914529915,0.7631055116653442,0.6195356791310237,0.8894009216589862,0.48562636971473694,0.9,0.8780487804878049,0.9230769230769231,0.4456694722175598,0.9438618056020132
|
25 |
+
0,12,0.7235023041474654,0.8604642152786255,0.7769784172661871,0.6708074534161491,0.9230769230769231,0.8148045539855957,0.7745165448709486,0.631336405529954,6.522879123687744,0.709480122324159,0.5523809523809524,0.9914529914529915,16.307355880737305,0.6245283296273176,0.6359447004608295,0.3117230534553528,0.7090909090909091,0.5492957746478874,1.0,0.8506964445114136,0.6277097040642152,0.9354838709677419,0.5095838308334351,0.939655172413793,0.9478260869565217,0.9316239316239316,0.5095838308334351,0.9731975523964548
|
26 |
+
0,15,0.7511520737327189,0.9007600545883179,0.7969924812030075,0.7114093959731543,0.905982905982906,0.8782205581665039,0.8100105808652922,0.6405529953917051,6.582139015197754,0.7162162162162163,0.5921787709497207,0.905982905982906,10.050836563110352,0.6351473200002022,0.6405529953917051,0.2968507409095764,0.717607973421927,0.5869565217391305,0.9230769230769231,0.4765264391899109,0.6374004945803307,0.9539170506912442,0.5800883769989014,0.9561403508771931,0.9819819819819819,0.9316239316239316,0.5800883769989014,0.9851786895076335
|
27 |
+
0,18,0.783410138248848,0.9229115843772888,0.8171206225680935,0.75,0.8974358974358975,0.9175122976303101,0.8462610585760705,0.6497695852534562,6.0178117752075195,0.7303754266211604,0.6079545454545454,0.9145299145299145,9.402215003967285,0.6517252263795964,0.6497695852534562,0.2860811948776245,0.7340067340067341,0.6055555555555555,0.9316239316239316,0.44315826892852783,0.6546955871193485,0.9723502304147466,0.5795646905899048,0.9741379310344828,0.9826086956521739,0.9658119658119658,0.5795646905899048,0.9914042364839913
|
28 |
+
0,21,0.8110599078341014,0.9499236345291138,0.8340080971659919,0.7923076923076923,0.8803418803418803,0.9499236345291138,0.8820827275027219,0.6728110599078341,6.258339881896973,0.7430555555555556,0.6257309941520468,0.9145299145299145,8.669239044189453,0.6736564272180564,0.6682027649769585,0.3210235834121704,0.7456445993031359,0.6294117647058823,0.9145299145299145,0.4006674885749817,0.6763107748214143,0.9769585253456221,0.6830260753631592,0.9783549783549784,0.9912280701754386,0.9658119658119658,0.6830260753631592,0.9974030264269134
|
29 |
+
0,24,0.8571428571428571,0.9689278602600098,0.8691983122362869,0.8583333333333333,0.8803418803418803,0.9689278602600098,0.9157368100517139,0.6866359447004609,5.892184257507324,0.7430555555555556,0.6257309941520468,0.9145299145299145,8.272518157958984,0.6987893679322186,0.6866359447004609,0.27824199199676514,0.7464788732394367,0.6347305389221557,0.905982905982906,0.3582654297351837,0.7012879951716136,0.9861751152073732,0.5999444127082825,0.9873417721518987,0.975,1.0,0.5999444127082825,0.9993504294589611
|
30 |
+
0,27,0.8663594470046083,0.9826180338859558,0.8786610878661089,0.860655737704918,0.8974358974358975,0.9765422344207764,0.9390416100112977,0.7096774193548387,5.04133939743042,0.758364312267658,0.6710526315789473,0.8717948717948718,5.888891220092773,0.7176079248146775,0.7142857142857143,0.2679528295993805,0.7651515151515151,0.6870748299319728,0.8632478632478633,0.2679528295993805,0.7222894655738552,0.9953917050691244,0.8187819123268127,0.9957446808510638,0.9915254237288136,1.0,0.8187819123268127,0.9997808352609112
|
31 |
+
0,30,0.8940092165898618,0.9846011400222778,0.904564315352697,0.8790322580645161,0.9316239316239316,0.9846011400222778,0.9557332520546362,0.7419354838709677,4.753148078918457,0.7812499999999999,0.7194244604316546,0.8547008547008547,4.753148078918457,0.7440096945300831,0.7419354838709677,0.21910518407821655,0.7812499999999999,0.7194244604316546,0.8547008547008547,0.21910518407821655,0.7480093740952785,0.9953917050691244,1.0317659378051758,0.9957446808510638,0.9915254237288136,1.0,1.0317659378051758,0.9996315396882747
|
32 |
+
0,-1,0.8940092165898618,0.9846011400222778,0.904564315352697,0.8790322580645161,0.9316239316239316,0.9846011400222778,0.9557332520546362,0.7419354838709677,4.753148078918457,0.7812499999999999,0.7194244604316546,0.8547008547008547,4.753148078918457,0.7440096945300831,0.7419354838709677,0.21910518407821655,0.7812499999999999,0.7194244604316546,0.8547008547008547,0.21910518407821655,0.7480093740952785,0.9953917050691244,1.0317659378051758,0.9957446808510638,0.9915254237288136,1.0,1.0317659378051758,0.9996315396882747
|
33 |
+
1,3,0.8986175115207373,0.9917140603065491,0.910569105691057,0.8682170542635659,0.9572649572649573,0.9892145395278931,0.9625335537458792,0.7511520737327189,3.890766143798828,0.7867647058823529,0.6903225806451613,0.9145299145299145,4.694733619689941,0.7708264826835431,0.7557603686635944,0.17846271395683289,0.7870036101083032,0.68125,0.9316239316239316,0.23203514516353607,0.7694170203092349,0.9953917050691244,1.3071285486221313,0.9957446808510638,0.9915254237288136,1.0,1.3071285486221313,0.9995559024444959
|
34 |
+
1,6,0.9078341013824884,0.9950759410858154,0.9173553719008264,0.888,0.9487179487179487,0.9939431548118591,0.9613067013531016,0.7649769585253456,3.26428484916687,0.8014705882352942,0.7032258064516129,0.9316239316239316,4.169936180114746,0.7883622520858863,0.7695852534562212,0.16149260103702545,0.802919708029197,0.7006369426751592,0.9401709401709402,0.19840583205223083,0.7919683135893524,0.9953917050691244,1.559099555015564,0.9957446808510638,0.9915254237288136,1.0,1.559099555015564,0.9994025897911831
|
35 |
+
1,9,0.9124423963133641,0.9958215951919556,0.921161825726141,0.8951612903225806,0.9487179487179487,0.9958215951919556,0.9567563457337434,0.783410138248848,3.2222647666931152,0.8127490039840637,0.7611940298507462,0.8717948717948718,3.2222647666931152,0.8006010579717002,0.783410138248848,0.14659416675567627,0.8127490039840637,0.7611940298507462,0.8717948717948718,0.14659416675567627,0.8028974955564867,0.9953917050691244,1.7811815738677979,0.9957446808510638,0.9915254237288136,1.0,1.7811815738677979,0.9993248897134832
|
36 |
+
1,12,0.9078341013824884,0.997566819190979,0.9166666666666666,0.8943089430894309,0.9401709401709402,0.9968266487121582,0.9534959101262006,0.7880184331797235,3.0696983337402344,0.8217054263565892,0.75177304964539,0.905982905982906,3.0696983337402344,0.8069559022326671,0.7926267281105991,0.13942775130271912,0.8249027237354086,0.7571428571428571,0.905982905982906,0.13942775130271912,0.8093370424360466,0.9953917050691244,1.9697020053863525,0.9957446808510638,0.9915254237288136,1.0,1.9697020053863525,0.9989254270009502
|
37 |
+
1,15,0.9032258064516129,0.9979492425918579,0.9135802469135802,0.8809523809523809,0.9487179487179487,0.9971800446510315,0.9488024785202952,0.7972350230414746,2.8478264808654785,0.8294573643410852,0.7588652482269503,0.9145299145299145,2.940633773803711,0.8102463773610851,0.7972350230414746,0.12924346327781677,0.8294573643410852,0.7588652482269503,0.9145299145299145,0.13510379195213318,0.8130458876043261,0.9953917050691244,2.127577781677246,0.9957446808510638,0.9915254237288136,1.0,2.127577781677246,0.9986764693595136
|
38 |
+
1,18,0.8986175115207373,0.9982181787490845,0.9098360655737705,0.8740157480314961,0.9487179487179487,0.9974867701530457,0.9459568383336504,0.8064516129032258,2.7472050189971924,0.8359375,0.7697841726618705,0.9145299145299145,2.7472050189971924,0.8123405256166526,0.8018433179723502,0.12503604590892792,0.8326848249027238,0.7642857142857142,0.9145299145299145,0.12695376574993134,0.8161820796370683,0.9953917050691244,2.2611265182495117,0.9957446808510638,0.9915254237288136,1.0,2.2611265182495117,0.9985063754270433
|
39 |
+
1,21,0.8986175115207373,0.9983736276626587,0.9098360655737705,0.8740157480314961,0.9487179487179487,0.997747540473938,0.9450438755569164,0.8018433179723502,2.7454917430877686,0.8352490421455939,0.7569444444444444,0.9316239316239316,2.812592029571533,0.8144906838135404,0.8018433179723502,0.12293200194835663,0.8352490421455939,0.7569444444444444,0.9316239316239316,0.12998849153518677,0.8174038647082902,0.9953917050691244,2.3744735717773438,0.9957446808510638,0.9915254237288136,1.0,2.3744735717773438,0.9984200420073767
|
40 |
+
1,24,0.8940092165898618,0.9984596967697144,0.9053497942386831,0.873015873015873,0.9401709401709402,0.9979814887046814,0.942889397936387,0.8064516129032258,2.7211391925811768,0.8372093023255814,0.7659574468085106,0.9230769230769231,2.7211391925811768,0.8171557783327592,0.8018433179723502,0.12084735184907913,0.8352490421455939,0.7569444444444444,0.9316239316239316,0.1275366097688675,0.8196968490922687,0.9953917050691244,2.471334457397461,0.9957446808510638,0.9915254237288136,1.0,2.471334457397461,0.998332827634448
|
41 |
+
1,27,0.8894009216589862,0.9985374212265015,0.9024390243902439,0.8604651162790697,0.9487179487179487,0.9980424642562866,0.9402369479361963,0.8064516129032258,2.65043044090271,0.8372093023255814,0.7659574468085106,0.9230769230769231,2.65043044090271,0.8200769684362443,0.8064516129032258,0.124418705701828,0.8384615384615384,0.7622377622377622,0.9316239316239316,0.124418705701828,0.8214958038298832,0.9953917050691244,2.5574088096618652,0.9957446808510638,0.9915254237288136,1.0,2.5574088096618652,0.9982447141442726
|
42 |
+
1,30,0.8894009216589862,0.9984281659126282,0.9024390243902439,0.8604651162790697,0.9487179487179487,0.9981613755226135,0.9380514334243781,0.8018433179723502,2.5904574394226074,0.8352490421455939,0.7569444444444444,0.9316239316239316,2.6640877723693848,0.8206763428711458,0.8064516129032258,0.12158761918544769,0.8384615384615384,0.7622377622377622,0.9316239316239316,0.12158761918544769,0.8224180234425781,0.9953917050691244,2.629589080810547,0.9957446808510638,0.9915254237288136,1.0,2.629589080810547,0.9982447141442726
|
43 |
+
1,-1,0.8894009216589862,0.9984281659126282,0.9024390243902439,0.8604651162790697,0.9487179487179487,0.9981613755226135,0.9380514334243781,0.8018433179723502,2.5904574394226074,0.8352490421455939,0.7569444444444444,0.9316239316239316,2.6640877723693848,0.8206763428711458,0.8064516129032258,0.12158761918544769,0.8384615384615384,0.7622377622377622,0.9316239316239316,0.12158761918544769,0.8224180234425781,0.9953917050691244,2.629589080810547,0.9957446808510638,0.9915254237288136,1.0,2.629589080810547,0.9982447141442726
|
44 |
+
2,3,0.8894009216589862,0.9982492923736572,0.9024390243902439,0.8604651162790697,0.9487179487179487,0.9982492923736572,0.9370115114584456,0.8064516129032258,2.5505552291870117,0.8384615384615384,0.7622377622377622,0.9316239316239316,2.6135740280151367,0.8224961821229152,0.8110599078341014,0.11838756501674652,0.8404669260700388,0.7714285714285715,0.9230769230769231,0.11838756501674652,0.8227987449843122,0.9953917050691244,2.689570426940918,0.9957446808510638,0.9915254237288136,1.0,2.689570426940918,0.9979747886713797
|
45 |
+
2,6,0.8894009216589862,0.9983181953430176,0.9024390243902439,0.8604651162790697,0.9487179487179487,0.9983181953430176,0.9365592993950164,0.8064516129032258,2.5213541984558105,0.8384615384615384,0.7622377622377622,0.9316239316239316,2.5951619148254395,0.8241132514743351,0.8110599078341014,0.11606357991695404,0.8404669260700388,0.7714285714285715,0.9230769230769231,0.11719492822885513,0.8247793351347944,0.9953917050691244,2.74252986907959,0.9957446808510638,0.9915254237288136,1.0,2.74252986907959,0.9978828853536699
|
46 |
+
2,9,0.8894009216589862,0.9983776807785034,0.9024390243902439,0.8604651162790697,0.9487179487179487,0.9983776807785034,0.9358833632739776,0.8110599078341014,2.495351552963257,0.8404669260700388,0.7714285714285715,0.9230769230769231,2.50362229347229,0.8247285234167143,0.815668202764977,0.1156339943408966,0.84375,0.7769784172661871,0.9230769230769231,0.1156339943408966,0.8256688173330866,0.9953917050691244,2.788341999053955,0.9957446808510638,0.9915254237288136,1.0,2.788341999053955,0.9977899830868546
|
47 |
+
2,12,0.8847926267281107,0.9984977841377258,0.8987854251012146,0.8538461538461538,0.9487179487179487,0.9984207153320312,0.9352379292944902,0.815668202764977,2.478983163833618,0.84375,0.7769784172661871,0.9230769230769231,2.478983163833618,0.8259065552103628,0.815668202764977,0.1147066056728363,0.84375,0.7769784172661871,0.9230769230769231,0.1147066056728363,0.8276712933015897,0.9953917050691244,2.8325061798095703,0.9957446808510638,0.9915254237288136,1.0,2.8325061798095703,0.9976960599160083
|
48 |
+
2,15,0.8847926267281107,0.9985401630401611,0.897119341563786,0.8650793650793651,0.9316239316239316,0.9985401630401611,0.9344729320906927,0.815668202764977,2.464911460876465,0.84375,0.7769784172661871,0.9230769230769231,2.464911460876465,0.8273328693971438,0.815668202764977,0.1142173781991005,0.84375,0.7769784172661871,0.9230769230769231,0.1142173781991005,0.8292332263751525,0.9953917050691244,2.8722288608551025,0.9957446808510638,0.9915254237288136,1.0,2.8722288608551025,0.9976960599160083
|
49 |
+
2,18,0.8847926267281107,0.9985752105712891,0.897119341563786,0.8650793650793651,0.9316239316239316,0.9985752105712891,0.9338682075845897,0.815668202764977,2.454583168029785,0.84375,0.7769784172661871,0.9230769230769231,2.454583168029785,0.8278858192042026,0.815668202764977,0.11391456425189972,0.84375,0.7769784172661871,0.9230769230769231,0.11391456425189972,0.8299202826240605,0.9953917050691244,2.9092702865600586,0.9957446808510638,0.9915254237288136,1.0,2.9092702865600586,0.9976960599160083
|
50 |
+
2,21,0.8847926267281107,0.9986047744750977,0.897119341563786,0.8650793650793651,0.9316239316239316,0.9986047744750977,0.9338128447548971,0.815668202764977,2.4477100372314453,0.84375,0.7769784172661871,0.9230769230769231,2.4477100372314453,0.8296978554625216,0.815668202764977,0.11376836895942688,0.8449612403100777,0.7730496453900709,0.9316239316239316,0.11558201909065247,0.8308129737264075,0.9953917050691244,2.943117141723633,0.9957446808510638,0.9915254237288136,1.0,2.943117141723633,0.9976010931543748
|
51 |
+
2,24,0.8847926267281107,0.998629093170166,0.897119341563786,0.8650793650793651,0.9316239316239316,0.998629093170166,0.9336729207425908,0.815668202764977,2.444626808166504,0.84375,0.7769784172661871,0.9230769230769231,2.444626808166504,0.8317314915894538,0.8202764976958525,0.11515436321496964,0.848249027237354,0.7785714285714286,0.9316239316239316,0.11515436321496964,0.8324302994246964,0.9953917050691244,2.974231719970703,0.9957446808510638,0.9915254237288136,1.0,2.974231719970703,0.9976010931543748
|
52 |
+
2,27,0.8847926267281107,0.9986562132835388,0.897119341563786,0.8650793650793651,0.9316239316239316,0.9986562132835388,0.9333556375684782,0.815668202764977,2.44376277923584,0.84375,0.7769784172661871,0.9230769230769231,2.44376277923584,0.8328001934643173,0.8202764976958525,0.11487327516078949,0.848249027237354,0.7785714285714286,0.9316239316239316,0.11487327516078949,0.8332859116210694,0.9953917050691244,3.0091540813446045,0.9957446808510638,0.9915254237288136,1.0,3.0091540813446045,0.997505059350476
|
53 |
+
2,30,0.8847926267281107,0.9986813068389893,0.897119341563786,0.8650793650793651,0.9316239316239316,0.9986813068389893,0.9333104255762151,0.815668202764977,2.4435086250305176,0.84375,0.7769784172661871,0.9230769230769231,2.4435086250305176,0.8332650305116687,0.8202764976958525,0.1145956963300705,0.848249027237354,0.7785714285714286,0.9316239316239316,0.1145956963300705,0.8336352156074908,0.9953917050691244,3.039952516555786,0.9957446808510638,0.9915254237288136,1.0,3.039952516555786,0.997505059350476
|
54 |
+
2,-1,0.8847926267281107,0.9986813068389893,0.897119341563786,0.8650793650793651,0.9316239316239316,0.9986813068389893,0.9333104255762151,0.815668202764977,2.4435086250305176,0.84375,0.7769784172661871,0.9230769230769231,2.4435086250305176,0.8332650305116687,0.8202764976958525,0.1145956963300705,0.848249027237354,0.7785714285714286,0.9316239316239316,0.1145956963300705,0.8336352156074908,0.9953917050691244,3.039952516555786,0.9957446808510638,0.9915254237288136,1.0,3.039952516555786,0.997505059350476
|
55 |
+
3,3,0.8847926267281107,0.9987019896507263,0.897119341563786,0.8650793650793651,0.9316239316239316,0.9987019896507263,0.9332471234191941,0.815668202764977,2.44311785697937,0.84375,0.7769784172661871,0.9230769230769231,2.44311785697937,0.8342752898977408,0.8202764976958525,0.1143689900636673,0.848249027237354,0.7785714285714286,0.9316239316239316,0.1143689900636673,0.8345424529298768,0.9953917050691244,3.066884756088257,0.9957446808510638,0.9915254237288136,1.0,3.066884756088257,0.9974079342533508
|
56 |
+
3,6,0.8847926267281107,0.9987257719039917,0.897119341563786,0.8650793650793651,0.9316239316239316,0.9987257719039917,0.9325681426449242,0.8110599078341014,2.4167933464050293,0.8416988416988417,0.7676056338028169,0.9316239316239316,2.4932618141174316,0.8347417112101905,0.8202764976958525,0.11410997807979584,0.848249027237354,0.7785714285714286,0.9316239316239316,0.11410997807979584,0.835538584611605,0.9953917050691244,3.093937397003174,0.9957446808510638,0.9915254237288136,1.0,3.093937397003174,0.9974079342533508
|
57 |
+
3,9,0.8847926267281107,0.9987472295761108,0.897119341563786,0.8650793650793651,0.9316239316239316,0.9987472295761108,0.9324733745118423,0.815668202764977,2.474762439727783,0.8449612403100777,0.7730496453900709,0.9316239316239316,2.474762439727783,0.8355108163693472,0.8202764976958525,0.11384984850883484,0.848249027237354,0.7785714285714286,0.9316239316239316,0.11384984850883484,0.8359593685715614,0.9953917050691244,3.119533061981201,0.9957446808510638,0.9915254237288136,1.0,3.119533061981201,0.9974079342533508
|
58 |
+
3,12,0.8847926267281107,0.9987697005271912,0.897119341563786,0.8650793650793651,0.9316239316239316,0.9987697005271912,0.9324733745118423,0.815668202764977,2.4710657596588135,0.8449612403100777,0.7730496453900709,0.9316239316239316,2.4710657596588135,0.8357744152100439,0.8202764976958525,0.11363057792186737,0.848249027237354,0.7785714285714286,0.9316239316239316,0.11363057792186737,0.8384275552999526,0.9953917050691244,3.1443071365356445,0.9957446808510638,0.9915254237288136,1.0,3.1443071365356445,0.9974079342533508
|
59 |
+
3,15,0.8847926267281107,0.9987932443618774,0.897119341563786,0.8650793650793651,0.9316239316239316,0.9987932443618774,0.9325342180399778,0.815668202764977,2.4670169353485107,0.8449612403100777,0.7730496453900709,0.9316239316239316,2.4670169353485107,0.8364248545139736,0.8202764976958525,0.11337346583604813,0.848249027237354,0.7785714285714286,0.9316239316239316,0.11337346583604813,0.8387843571297404,0.9953917050691244,3.168421506881714,0.9957446808510638,0.9915254237288136,1.0,3.168421506881714,0.9974079342533508
|
60 |
+
3,18,0.8847926267281107,0.9988148808479309,0.897119341563786,0.8650793650793651,0.9316239316239316,0.9988148808479309,0.9326285329831283,0.815668202764977,2.4627037048339844,0.8449612403100777,0.7730496453900709,0.9316239316239316,2.4627037048339844,0.8372438912358945,0.8202764976958525,0.11305535584688187,0.848249027237354,0.7785714285714286,0.9316239316239316,0.11305535584688187,0.8391965998820653,0.9953917050691244,3.1924548149108887,0.9957446808510638,0.9915254237288136,1.0,3.1924548149108887,0.9974079342533508
|
61 |
+
3,21,0.8847926267281107,0.9988332390785217,0.897119341563786,0.8650793650793651,0.9316239316239316,0.9988332390785217,0.9327362850547453,0.815668202764977,2.4596590995788574,0.8449612403100777,0.7730496453900709,0.9316239316239316,2.4596590995788574,0.8383505093857463,0.8202764976958525,0.11278355121612549,0.848249027237354,0.7785714285714286,0.9316239316239316,0.11278355121612549,0.8398452845816569,0.9953917050691244,3.216315746307373,0.9957446808510638,0.9915254237288136,1.0,3.216315746307373,0.9974079342533508
|
62 |
+
3,24,0.8847926267281107,0.9988502264022827,0.897119341563786,0.8650793650793651,0.9316239316239316,0.9988502264022827,0.9328969290003217,0.815668202764977,2.4565882682800293,0.8449612403100777,0.7730496453900709,0.9316239316239316,2.4565882682800293,0.8393674717263244,0.8202764976958525,0.11262139678001404,0.848249027237354,0.7785714285714286,0.9316239316239316,0.11262139678001404,0.8398997949148049,0.9953917050691244,3.2398006916046143,0.9957446808510638,0.9915254237288136,1.0,3.2398006916046143,0.997309692775799
|
63 |
+
3,27,0.8847926267281107,0.9988656044006348,0.897119341563786,0.8650793650793651,0.9316239316239316,0.9988656044006348,0.9328953058688478,0.815668202764977,2.45468807220459,0.8449612403100777,0.7730496453900709,0.9316239316239316,2.45468807220459,0.8401083383080343,0.8202764976958525,0.11247521638870239,0.848249027237354,0.7785714285714286,0.9316239316239316,0.11247521638870239,0.840322462763432,0.9953917050691244,3.262446641921997,0.9957446808510638,0.9915254237288136,1.0,3.262446641921997,0.9972103089554849
|
64 |
+
3,30,0.8847926267281107,0.9988788366317749,0.897119341563786,0.8650793650793651,0.9316239316239316,0.9988788366317749,0.9330054202610787,0.815668202764977,2.4550294876098633,0.8449612403100777,0.7730496453900709,0.9316239316239316,2.4550294876098633,0.8404532647408111,0.8202764976958525,0.11235921084880829,0.848249027237354,0.7785714285714286,0.9316239316239316,0.11235921084880829,0.8411260635204232,0.9953917050691244,3.283524990081787,0.9957446808510638,0.9915254237288136,1.0,3.283524990081787,0.9972103089554849
|
65 |
+
3,-1,0.8847926267281107,0.9988788366317749,0.897119341563786,0.8650793650793651,0.9316239316239316,0.9988788366317749,0.9330054202610787,0.815668202764977,2.4550294876098633,0.8449612403100777,0.7730496453900709,0.9316239316239316,2.4550294876098633,0.8404532647408111,0.8202764976958525,0.11235921084880829,0.848249027237354,0.7785714285714286,0.9316239316239316,0.11235921084880829,0.8411260635204232,0.9953917050691244,3.283524990081787,0.9957446808510638,0.9915254237288136,1.0,3.283524990081787,0.9972103089554849
|
66 |
+
4,3,0.8847926267281107,0.998892068862915,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.9987235069274902,0.9330784466498947,0.815668202764977,2.4177918434143066,0.8452830188679246,0.7567567567567568,0.9572649572649573,2.548151969909668,0.8411921277314993,0.8202764976958525,0.11221647262573242,0.848249027237354,0.7785714285714286,0.9316239316239316,0.11221647262573242,0.8414691710245245,0.9953917050691244,3.3038249015808105,0.9957446808510638,0.9915254237288136,1.0,3.3038249015808105,0.9971097559137554
|
67 |
+
4,6,0.8847926267281107,0.9987338781356812,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.9987338781356812,0.9332497035441016,0.815668202764977,2.4141359329223633,0.8452830188679246,0.7567567567567568,0.9572649572649573,2.5442230701446533,0.8420481954697882,0.8202764976958525,0.11208571493625641,0.848249027237354,0.7785714285714286,0.9316239316239316,0.11208571493625641,0.842195943881419,0.9953917050691244,3.3253111839294434,0.9957446808510638,0.9915254237288136,1.0,3.3253111839294434,0.9971097559137554
|
68 |
+
4,9,0.8847926267281107,0.9987426996231079,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.9987426996231079,0.9331604953921492,0.815668202764977,2.4108386039733887,0.8452830188679246,0.7567567567567568,0.9572649572649573,2.540515899658203,0.8425587608714034,0.8202764976958525,0.1119842678308487,0.848249027237354,0.7785714285714286,0.9316239316239316,0.1119842678308487,0.8425505798485128,0.9953917050691244,3.3456482887268066,0.9957446808510638,0.9915254237288136,1.0,3.3456482887268066,0.9971097559137554
|
69 |
+
4,12,0.8847926267281107,0.9987521171569824,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.9987521171569824,0.9331990515152123,0.815668202764977,2.4066572189331055,0.8452830188679246,0.7567567567567568,0.9572649572649573,2.5366365909576416,0.8432108525750358,0.8202764976958525,0.11186092346906662,0.848249027237354,0.7785714285714286,0.9316239316239316,0.11186092346906662,0.842987691523678,0.9953917050691244,3.366495132446289,0.9957446808510638,0.9915254237288136,1.0,3.366495132446289,0.9971097559137554
|
70 |
+
4,15,0.8847926267281107,0.9987654685974121,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.9987654685974121,0.9333230504535289,0.8202764976958525,2.4200215339660645,0.848249027237354,0.7785714285714286,0.9316239316239316,2.4200215339660645,0.8432264580860463,0.8202764976958525,0.11170762777328491,0.848249027237354,0.7785714285714286,0.9316239316239316,0.11170762777328491,0.8439313491704336,0.9953917050691244,3.3898863792419434,0.9957446808510638,0.9915254237288136,1.0,3.3898863792419434,0.9971097559137554
|
71 |
+
4,18,0.8847926267281107,0.9987770318984985,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.9987770318984985,0.9331683534662527,0.815668202764977,2.3983049392700195,0.8452830188679246,0.7567567567567568,0.9572649572649573,2.5293641090393066,0.8440400668010823,0.8202764976958525,0.11152467131614685,0.8494208494208493,0.7746478873239436,0.9401709401709402,0.11347633600234985,0.8448740209719101,0.9953917050691244,3.412703037261963,0.9957446808510638,0.9915254237288136,1.0,3.412703037261963,0.9971097559137554
|
72 |
+
4,21,0.8847926267281107,0.9987870454788208,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.9987870454788208,0.9330257857582686,0.8202764976958525,2.4172065258026123,0.8484848484848485,0.7619047619047619,0.9572649572649573,2.4968490600585938,0.8445816543896647,0.8202764976958525,0.11139613389968872,0.8494208494208493,0.7746478873239436,0.9401709401709402,0.11330360174179077,0.8452831128884688,0.9953917050691244,3.4348866939544678,0.9957446808510638,0.9915254237288136,1.0,3.4348866939544678,0.9971097559137554
|
73 |
+
4,24,0.8847926267281107,0.9987961649894714,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.9987961649894714,0.9330257857582686,0.8202764976958525,2.416520595550537,0.8484848484848485,0.7619047619047619,0.9572649572649573,2.4941420555114746,0.8453732303975643,0.8202764976958525,0.11128769814968109,0.8517110266159694,0.7671232876712328,0.9572649572649573,0.11601655185222626,0.8475516748669858,0.9953917050691244,3.4558632373809814,0.9957446808510638,0.9915254237288136,1.0,3.4558632373809814,0.9971097559137554
|
74 |
+
4,27,0.8847926267281107,0.9988051652908325,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.9988051652908325,0.9330314974720797,0.8202764976958525,2.4152722358703613,0.8517110266159694,0.7671232876712328,0.9572649572649573,2.489955425262451,0.8456148083413666,0.8202764976958525,0.11116264760494232,0.8517110266159694,0.7671232876712328,0.9572649572649573,0.11593468487262726,0.8476521947255855,0.9953917050691244,3.4758410453796387,0.9957446808510638,0.9915254237288136,1.0,3.4758410453796387,0.9971097559137554
|
75 |
+
4,30,0.8847926267281107,0.9988129138946533,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.9988129138946533,0.9330315284291848,0.8248847926267281,2.483858108520508,0.8549618320610687,0.7724137931034483,0.9572649572649573,2.483858108520508,0.8460740347515209,0.8202764976958525,0.11105113476514816,0.8517110266159694,0.7671232876712328,0.9572649572649573,0.11582401394844055,0.8481173066645797,0.9953917050691244,3.4937405586242676,0.9957446808510638,0.9915254237288136,1.0,3.4937405586242676,0.9970080058120053
|
76 |
+
4,-1,0.8847926267281107,0.9988129138946533,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.9988129138946533,0.9330315284291848,0.8248847926267281,2.483858108520508,0.8549618320610687,0.7724137931034483,0.9572649572649573,2.483858108520508,0.8460740347515209,0.8202764976958525,0.11105113476514816,0.8517110266159694,0.7671232876712328,0.9572649572649573,0.11582401394844055,0.8481173066645797,0.9953917050691244,3.4937405586242676,0.9957446808510638,0.9915254237288136,1.0,3.4937405586242676,0.9970080058120053
|
77 |
+
5,3,0.8847926267281107,0.9988197088241577,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.9988197088241577,0.9331012851381157,0.8248847926267281,2.482820749282837,0.8549618320610687,0.7724137931034483,0.9572649572649573,2.482820749282837,0.8462587712860751,0.8202764976958525,0.11096596717834473,0.8517110266159694,0.7671232876712328,0.9572649572649573,0.1157388836145401,0.848505285806817,0.9953917050691244,3.509953498840332,0.9957446808510638,0.9915254237288136,1.0,3.509953498840332,0.9970080058120053
|
78 |
+
5,6,0.8847926267281107,0.9988260865211487,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.9988260865211487,0.9332632011266635,0.8248847926267281,2.48201847076416,0.8549618320610687,0.7724137931034483,0.9572649572649573,2.48201847076416,0.8463457095911564,0.8248847926267281,0.11376097798347473,0.8538461538461539,0.7762237762237763,0.9487179487179487,0.11376097798347473,0.8487040683998408,0.9953917050691244,3.525960922241211,0.9957446808510638,0.9915254237288136,1.0,3.525960922241211,0.9970080058120053
|
79 |
+
5,9,0.8847926267281107,0.9990100860595703,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.9988325834274292,0.9334581419458945,0.8248847926267281,2.480576753616333,0.8549618320610687,0.7724137931034483,0.9572649572649573,2.480576753616333,0.8465046974074447,0.8248847926267281,0.11367640644311905,0.8538461538461539,0.7762237762237763,0.9487179487179487,0.11367640644311905,0.848405660343506,0.9953917050691244,3.5418214797973633,0.9957446808510638,0.9915254237288136,1.0,3.5418214797973633,0.9970080058120053
|
80 |
+
5,12,0.8847926267281107,0.9990257024765015,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.9988387823104858,0.9336343843158749,0.8248847926267281,2.4795498847961426,0.8549618320610687,0.7724137931034483,0.9572649572649573,2.4795498847961426,0.8465638941952003,0.8248847926267281,0.11359603703022003,0.8538461538461539,0.7762237762237763,0.9487179487179487,0.11359603703022003,0.8488496607875062,0.9953917050691244,3.5578315258026123,0.9957446808510638,0.9915254237288136,1.0,3.5578315258026123,0.9970080058120053
|
81 |
+
5,15,0.8847926267281107,0.999030590057373,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.9988445043563843,0.9336975130712611,0.8248847926267281,2.4785237312316895,0.8549618320610687,0.7724137931034483,0.9572649572649573,2.4785237312316895,0.8467055247442206,0.8248847926267281,0.11351926624774933,0.8538461538461539,0.7762237762237763,0.9487179487179487,0.11351926624774933,0.8489506998541922,0.9953917050691244,3.5732858180999756,0.9957446808510638,0.9915254237288136,1.0,3.5732858180999756,0.9970080058120053
|
82 |
+
5,18,0.8847926267281107,0.9990352392196655,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.9988502860069275,0.9336975130712611,0.8248847926267281,2.4770121574401855,0.8549618320610687,0.7724137931034483,0.9572649572649573,2.4770121574401855,0.8469080247923451,0.8248847926267281,0.11341202259063721,0.8538461538461539,0.7762237762237763,0.9487179487179487,0.11341202259063721,0.8499588949160761,0.9953917050691244,3.588622570037842,0.9957446808510638,0.9915254237288136,1.0,3.588622570037842,0.9970080058120053
|
83 |
+
5,21,0.8894009216589862,0.9990365505218506,0.9008264462809916,0.872,0.9316239316239316,0.9990365505218506,0.9338409769165548,0.8248847926267281,2.475412607192993,0.8549618320610687,0.7724137931034483,0.9572649572649573,2.475412607192993,0.8475182903662474,0.8248847926267281,0.1133088767528534,0.8538461538461539,0.7762237762237763,0.9487179487179487,0.1133088767528534,0.8501207036910502,0.9953917050691244,3.603205680847168,0.9957446808510638,0.9915254237288136,1.0,3.603205680847168,0.9969050298054148
|
84 |
+
5,24,0.8894009216589862,0.9990417957305908,0.9008264462809916,0.872,0.9316239316239316,0.9990417957305908,0.9337866733945545,0.8248847926267281,2.4731671810150146,0.8549618320610687,0.7724137931034483,0.9572649572649573,2.4731671810150146,0.8476736463548917,0.8248847926267281,0.1131979376077652,0.8538461538461539,0.7762237762237763,0.9487179487179487,0.1131979376077652,0.8509037664135976,0.9953917050691244,3.617074966430664,0.9957446808510638,0.9915254237288136,1.0,3.617074966430664,0.9969050298054148
|
85 |
+
5,27,0.8894009216589862,0.9990485310554504,0.9008264462809916,0.872,0.9316239316239316,0.9990485310554504,0.9337160998498037,0.8248847926267281,2.4682798385620117,0.8549618320610687,0.7724137931034483,0.9572649572649573,2.4682798385620117,0.8485009956196248,0.8248847926267281,0.11298931390047073,0.8538461538461539,0.7762237762237763,0.9487179487179487,0.11298931390047073,0.8508837283244677,0.9953917050691244,3.631060838699341,0.9957446808510638,0.9915254237288136,1.0,3.631060838699341,0.9969050298054148
|
86 |
+
5,30,0.8847926267281107,0.9990568161010742,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.9988752007484436,0.9338188013248458,0.8248847926267281,2.4050567150115967,0.8549618320610687,0.7724137931034483,0.9572649572649573,2.4645614624023438,0.8490749187338453,0.8248847926267281,0.11282306909561157,0.8538461538461539,0.7762237762237763,0.9487179487179487,0.11282306909561157,0.8509240368456235,0.9953917050691244,3.644690990447998,0.9957446808510638,0.9915254237288136,1.0,3.644690990447998,0.9969050298054148
|
87 |
+
5,-1,0.8847926267281107,0.9990568161010742,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.9988752007484436,0.9338188013248458,0.8248847926267281,2.4050567150115967,0.8549618320610687,0.7724137931034483,0.9572649572649573,2.4645614624023438,0.8490749187338453,0.8248847926267281,0.11282306909561157,0.8538461538461539,0.7762237762237763,0.9487179487179487,0.11282306909561157,0.8509240368456235,0.9953917050691244,3.644690990447998,0.9957446808510638,0.9915254237288136,1.0,3.644690990447998,0.9969050298054148
|
88 |
+
6,3,0.8847926267281107,0.9990613460540771,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.9988806247711182,0.9339010637443317,0.8248847926267281,2.403573513031006,0.8549618320610687,0.7724137931034483,0.9572649572649573,2.461977958679199,0.8494538795344718,0.8248847926267281,0.11269697546958923,0.8538461538461539,0.7762237762237763,0.9487179487179487,0.11269697546958923,0.8509927345300713,0.9953917050691244,3.6572937965393066,0.9957446808510638,0.9915254237288136,1.0,3.6572937965393066,0.9969050298054148
|
89 |
+
6,6,0.8894009216589862,0.99906325340271,0.9008264462809916,0.872,0.9316239316239316,0.99906325340271,0.9338047016347355,0.8248847926267281,2.4029440879821777,0.8549618320610687,0.7724137931034483,0.9572649572649573,2.4603631496429443,0.8498708051682411,0.8248847926267281,0.1126006692647934,0.8549618320610687,0.7724137931034483,0.9572649572649573,0.11357101798057556,0.8511729755371755,0.9953917050691244,3.66970157623291,0.9957446808510638,0.9915254237288136,1.0,3.66970157623291,0.9969050298054148
|
90 |
+
6,9,0.8894009216589862,0.9990671873092651,0.9008264462809916,0.872,0.9316239316239316,0.9990671873092651,0.9338026813714395,0.8248847926267281,2.402054786682129,0.8549618320610687,0.7724137931034483,0.9572649572649573,2.4610400199890137,0.8501973028599585,0.8248847926267281,0.11251213401556015,0.8549618320610687,0.7724137931034483,0.9572649572649573,0.11351919174194336,0.8514168630256378,0.9953917050691244,3.681734561920166,0.9957446808510638,0.9915254237288136,1.0,3.681734561920166,0.996905029805415
|
91 |
+
6,12,0.8894009216589862,0.9990715980529785,0.9008264462809916,0.872,0.9316239316239316,0.9990715980529785,0.9338026813714395,0.8248847926267281,2.401848793029785,0.8549618320610687,0.7724137931034483,0.9572649572649573,2.4619247913360596,0.8504180842363022,0.8248847926267281,0.11252744495868683,0.8549618320610687,0.7724137931034483,0.9572649572649573,0.1134544163942337,0.851700408910922,0.9953917050691244,3.6947457790374756,0.9957446808510638,0.9915254237288136,1.0,3.6947457790374756,0.9969050298054148
|
92 |
+
6,15,0.8894009216589862,0.9990777969360352,0.9008264462809916,0.872,0.9316239316239316,0.9990777969360352,0.9336115700686636,0.8248847926267281,2.401142120361328,0.8549618320610687,0.7724137931034483,0.9572649572649573,2.4599437713623047,0.8506840931699142,0.8248847926267281,0.11245723068714142,0.8549618320610687,0.7724137931034483,0.9572649572649573,0.11329974979162216,0.8519567484292554,0.9953917050691244,3.7092702388763428,0.9957446808510638,0.9915254237288136,1.0,3.7092702388763428,0.9966952793698288
|
93 |
+
6,18,0.8847926267281107,0.9990859031677246,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.9989114999771118,0.9333924201079793,0.8248847926267281,2.399388074874878,0.8549618320610687,0.7724137931034483,0.9572649572649573,2.456535816192627,0.8507724650175452,0.8294930875576036,0.11295290291309357,0.8582375478927203,0.7777777777777778,0.9572649572649573,0.11295290291309357,0.8519774710278748,0.9953917050691244,3.722984790802002,0.9957446808510638,0.9915254237288136,1.0,3.722984790802002,0.9966952793698288
|
94 |
+
6,21,0.8847926267281107,0.9990782737731934,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.9989187121391296,0.9326555597017745,0.8248847926267281,2.4241838455200195,0.8549618320610687,0.7724137931034483,0.9572649572649573,2.4535768032073975,0.8509643406585401,0.8294930875576036,0.11278101801872253,0.8582375478927203,0.7777777777777778,0.9572649572649573,0.11278101801872253,0.8519559067398228,0.9953917050691244,3.736300468444824,0.9957446808510638,0.9915254237288136,1.0,3.736300468444824,0.9965884417629912
|
95 |
+
6,24,0.8847926267281107,0.9990826845169067,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.998924732208252,0.9325880518811381,0.8248847926267281,2.423631191253662,0.8549618320610687,0.7724137931034483,0.9572649572649573,2.4521360397338867,0.8511053143503291,0.8294930875576036,0.11266037821769714,0.8582375478927203,0.7777777777777778,0.9572649572649573,0.11266037821769714,0.8525472974751205,0.9953917050691244,3.7488772869110107,0.9957446808510638,0.9915254237288136,1.0,3.7488772869110107,0.9965884417629912
|
96 |
+
6,27,0.8847926267281107,0.9990875720977783,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.9989298582077026,0.9324876503956147,0.8248847926267281,2.423489570617676,0.8549618320610687,0.7724137931034483,0.9572649572649573,2.4517080783843994,0.8509875335723158,0.8294930875576036,0.1125636175274849,0.8582375478927203,0.7777777777777778,0.9572649572649573,0.1125636175274849,0.8527174881850696,0.9953917050691244,3.760779857635498,0.9957446808510638,0.9915254237288136,1.0,3.760779857635498,0.9965884417629912
|
97 |
+
6,30,0.8847926267281107,0.9990918636322021,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.998934268951416,0.9324876503956147,0.8248847926267281,2.423389434814453,0.8549618320610687,0.7724137931034483,0.9572649572649573,2.451357126235962,0.8510273163166552,0.8294930875576036,0.11247554421424866,0.8582375478927203,0.7777777777777778,0.9572649572649573,0.11247554421424866,0.8528343295872894,0.9953917050691244,3.771249532699585,0.9957446808510638,0.9915254237288136,1.0,3.771249532699585,0.9964802517813836
|
98 |
+
6,-1,0.8847926267281107,0.9990918636322021,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.998934268951416,0.9324876503956147,0.8248847926267281,2.423389434814453,0.8549618320610687,0.7724137931034483,0.9572649572649573,2.451357126235962,0.8510273163166552,0.8294930875576036,0.11247554421424866,0.8582375478927203,0.7777777777777778,0.9572649572649573,0.11247554421424866,0.8528343295872894,0.9953917050691244,3.771249532699585,0.9957446808510638,0.9915254237288136,1.0,3.771249532699585,0.9964802517813836
|
99 |
+
7,3,0.8847926267281107,0.9990962743759155,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.998938798904419,0.9325592396930901,0.8248847926267281,2.423038959503174,0.8549618320610687,0.7724137931034483,0.9572649572649573,2.450439691543579,0.8509660334178437,0.8294930875576036,0.11237522959709167,0.8582375478927203,0.7777777777777778,0.9572649572649573,0.11237522959709167,0.8529313247749744,0.9953917050691244,3.781620979309082,0.9957446808510638,0.9915254237288136,1.0,3.781620979309082,0.9963706747487295
|
100 |
+
7,6,0.8847926267281107,0.9991013407707214,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.9989441633224487,0.9322708974115589,0.8248847926267281,2.4223690032958984,0.8549618320610687,0.7724137931034483,0.9572649572649573,2.4486732482910156,0.8513189840595533,0.8294930875576036,0.11224623024463654,0.8582375478927203,0.7777777777777778,0.9572649572649573,0.11224623024463654,0.853151717466493,0.9953917050691244,3.7926831245422363,0.9957446808510638,0.9915254237288136,1.0,3.7926831245422363,0.9962596746377295
|
101 |
+
7,9,0.8847926267281107,0.9991055727005005,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.9989486932754517,0.9321854242258573,0.8248847926267281,2.422214984893799,0.8549618320610687,0.7724137931034483,0.9572649572649573,2.448099136352539,0.8515161257772834,0.8294930875576036,0.11215360462665558,0.8582375478927203,0.7777777777777778,0.9572649572649573,0.11215360462665558,0.8532866522639179,0.9953917050691244,3.8031015396118164,0.9957446808510638,0.9915254237288136,1.0,3.8031015396118164,0.996147213998953
|
102 |
+
7,12,0.8847926267281107,0.9991092085838318,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.9989526867866516,0.9322619619527648,0.8248847926267281,2.4222354888916016,0.8549618320610687,0.7724137931034483,0.9572649572649573,2.4480667114257812,0.8515161257772834,0.8294930875576036,0.11213105916976929,0.8582375478927203,0.7777777777777778,0.9572649572649573,0.11213105916976929,0.8533370077738178,0.9953917050691244,3.81268572807312,0.9957446808510638,0.9915254237288136,1.0,3.81268572807312,0.996147213998953
|
103 |
+
7,15,0.8847926267281107,0.9991124272346497,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.9989563226699829,0.9322490705371584,0.8248847926267281,2.422384262084961,0.8549618320610687,0.7724137931034483,0.9572649572649573,2.448448657989502,0.851775443433929,0.8294930875576036,0.11215341836214066,0.8582375478927203,0.7777777777777778,0.9572649572649573,0.11215341836214066,0.8533370077738178,0.9953917050691244,3.8215792179107666,0.9957446808510638,0.9915254237288136,1.0,3.8215792179107666,0.996147213998953
|
104 |
+
7,18,0.8847926267281107,0.9991152286529541,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.9989595413208008,0.9323240722925188,0.8248847926267281,2.422633647918701,0.8549618320610687,0.7724137931034483,0.9572649572649573,2.4490108489990234,0.851968933395027,0.8294930875576036,0.11218351870775223,0.8582375478927203,0.7777777777777778,0.9572649572649573,0.11218351870775223,0.8535525683758068,0.9953917050691244,3.829834461212158,0.9957446808510638,0.9915254237288136,1.0,3.829834461212158,0.996147213998953
|
105 |
+
7,21,0.8847926267281107,0.9991180896759033,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.9989625811576843,0.9324945578353447,0.8294930875576036,2.4494035243988037,0.8582375478927203,0.7777777777777778,0.9572649572649573,2.4494035243988037,0.8524109742360815,0.8294930875576036,0.1122124195098877,0.8582375478927203,0.7777777777777778,0.9572649572649573,0.1122124195098877,0.8537246992711207,0.9953917050691244,3.837775230407715,0.9957446808510638,0.9915254237288136,1.0,3.837775230407715,0.996147213998953
|
106 |
+
7,24,0.8847926267281107,0.9991209506988525,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.9989656209945679,0.9324945578353447,0.8248847926267281,2.421668767929077,0.8549618320610687,0.7724137931034483,0.9572649572649573,2.4511117935180664,0.8525011033491992,0.8294930875576036,0.11223039031028748,0.8582375478927203,0.7777777777777778,0.9572649572649573,0.11223039031028748,0.8537803926816527,0.9953917050691244,3.8453571796417236,0.9957446808510638,0.9915254237288136,1.0,3.8453571796417236,0.996147213998953
|
107 |
+
7,27,0.8894009216589862,0.9991300702095032,0.9008264462809916,0.872,0.9316239316239316,0.9991300702095032,0.932613261911038,0.8294930875576036,2.392354965209961,0.8571428571428571,0.7816901408450704,0.9487179487179487,2.392354965209961,0.8529610232938369,0.8248847926267281,0.11050382256507874,0.8549618320610687,0.7724137931034483,0.9572649572649573,0.11238925158977509,0.8539101208381781,0.9953917050691244,3.852534770965576,0.9957446808510638,0.9915254237288136,1.0,3.852534770965576,0.996147213998953
|
108 |
+
7,30,0.8894009216589862,0.9991319179534912,0.9008264462809916,0.872,0.9316239316239316,0.9991319179534912,0.932613261911038,0.8294930875576036,2.3917393684387207,0.8571428571428571,0.7816901408450704,0.9487179487179487,2.3917393684387207,0.8534414695485566,0.8248847926267281,0.11052624881267548,0.8549618320610687,0.7724137931034483,0.9572649572649573,0.11242625117301941,0.8540239663511432,0.9953917050691244,3.8592019081115723,0.9957446808510638,0.9915254237288136,1.0,3.8592019081115723,0.996147213998953
|
109 |
+
7,-1,0.8894009216589862,0.9991319179534912,0.9008264462809916,0.872,0.9316239316239316,0.9991319179534912,0.932613261911038,0.8294930875576036,2.3917393684387207,0.8571428571428571,0.7816901408450704,0.9487179487179487,2.3917393684387207,0.8534414695485566,0.8248847926267281,0.11052624881267548,0.8549618320610687,0.7724137931034483,0.9572649572649573,0.11242625117301941,0.8540239663511432,0.9953917050691244,3.8592019081115723,0.9957446808510638,0.9915254237288136,1.0,3.8592019081115723,0.996147213998953
|
110 |
+
8,3,0.8894009216589862,0.9991341829299927,0.9008264462809916,0.872,0.9316239316239316,0.9991341829299927,0.9325217187160465,0.8248847926267281,2.3897178173065186,0.8538461538461539,0.7762237762237763,0.9487179487179487,2.418933868408203,0.8533762384632715,0.8248847926267281,0.11054112762212753,0.8549618320610687,0.7724137931034483,0.9572649572649573,0.11241801083087921,0.8541253215811114,0.9953917050691244,3.865431308746338,0.9957446808510638,0.9915254237288136,1.0,3.865431308746338,0.996147213998953
|
111 |
+
8,6,0.8894009216589862,0.9991364479064941,0.9008264462809916,0.872,0.9316239316239316,0.9991364479064941,0.9325217187160465,0.8248847926267281,2.3882293701171875,0.8538461538461539,0.7762237762237763,0.9487179487179487,2.4177513122558594,0.8533762384632715,0.8248847926267281,0.11054961383342743,0.8538461538461539,0.7762237762237763,0.9487179487179487,0.1116374135017395,0.854069204375975,0.9953917050691244,3.8717525005340576,0.9957446808510638,0.9915254237288136,1.0,3.8717525005340576,0.996147213998953
|
112 |
+
8,9,0.8894009216589862,0.9991386532783508,0.9008264462809916,0.872,0.9316239316239316,0.9991386532783508,0.9324501294185711,0.8248847926267281,2.3868184089660645,0.8538461538461539,0.7762237762237763,0.9487179487179487,2.4164881706237793,0.8534276430948289,0.8294930875576036,0.1111433207988739,0.8571428571428571,0.7816901408450704,0.9487179487179487,0.1111433207988739,0.8542195863428972,0.9953917050691244,3.8776350021362305,0.9957446808510638,0.9915254237288136,1.0,3.8776350021362305,0.996147213998953
|
113 |
+
8,12,0.8894009216589862,0.9991407990455627,0.9008264462809916,0.872,0.9316239316239316,0.9991407990455627,0.9324361573093609,0.8248847926267281,2.385416030883789,0.8538461538461539,0.7762237762237763,0.9487179487179487,2.4155304431915283,0.8534880718515627,0.8294930875576036,0.11112487316131592,0.8571428571428571,0.7816901408450704,0.9487179487179487,0.11112487316131592,0.8545329766562875,0.9953917050691244,3.883324146270752,0.9957446808510638,0.9915254237288136,1.0,3.883324146270752,0.996147213998953
|
114 |
+
8,15,0.8847926267281107,0.9991441965103149,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.9989847540855408,0.9324361573093609,0.8248847926267281,2.3839781284332275,0.8538461538461539,0.7762237762237763,0.9487179487179487,2.4145772457122803,0.8536174734039192,0.8294930875576036,0.11110787093639374,0.8571428571428571,0.7816901408450704,0.9487179487179487,0.11110787093639374,0.8545966767199875,0.9953917050691244,3.889026641845703,0.9957446808510638,0.9915254237288136,1.0,3.889026641845703,0.996147213998953
|
115 |
+
8,18,0.8847926267281107,0.9991461634635925,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.9989870190620422,0.9324361573093609,0.8248847926267281,2.3828580379486084,0.8538461538461539,0.7762237762237763,0.9487179487179487,2.4138309955596924,0.8538070485272805,0.8294930875576036,0.11110110580921173,0.8571428571428571,0.7816901408450704,0.9487179487179487,0.11110110580921173,0.8546833272621186,0.9953917050691244,3.894374132156372,0.9957446808510638,0.9915254237288136,1.0,3.894374132156372,0.996147213998953
|
116 |
+
8,21,0.8847926267281107,0.9991477727890015,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.998988926410675,0.9324361573093609,0.8248847926267281,2.3820462226867676,0.8538461538461539,0.7762237762237763,0.9487179487179487,2.4132673740386963,0.8539618439595832,0.8294930875576036,0.11110229790210724,0.8571428571428571,0.7816901408450704,0.9487179487179487,0.11110229790210724,0.8548128837790835,0.9953917050691244,3.899488925933838,0.9957446808510638,0.9915254237288136,1.0,3.899488925933838,0.996147213998953
|
117 |
+
8,24,0.8847926267281107,0.9991492033004761,0.8995983935742972,0.8484848484848485,0.9572649572649573,0.9989905953407288,0.9324361573093609,0.8248847926267281,2.381455421447754,0.8538461538461539,0.7762237762237763,0.9487179487179487,2.412839412689209,0.8551828451805844,0.8294930875576036,0.1111123189330101,0.8571428571428571,0.7816901408450704,0.9487179487179487,0.1111123189330101,0.8550298141690817,0.9953917050691244,3.9044153690338135,0.9957446808510638,0.9915254237288136,1.0,3.9044153690338135,0.996147213998953
|
118 |
+
8,27,0.8894009216589862,0.9991484880447388,0.9008264462809916,0.872,0.9316239316239316,0.9991484880447388,0.9324953080351783,0.8294930875576036,2.3854804039001465,0.8571428571428571,0.7816901408450704,0.9487179487179487,2.3854804039001465,0.8553980694407048,0.8294930875576036,0.11112190783023834,0.8571428571428571,0.7816901408450704,0.9487179487179487,0.11112190783023834,0.8550409542731012,0.9953917050691244,3.908673048019409,0.9957446808510638,0.9915254237288136,1.0,3.908673048019409,0.996147213998953
|
119 |
+
8,30,0.8894009216589862,0.9991493225097656,0.9008264462809916,0.872,0.9316239316239316,0.9991493225097656,0.9325025944874775,0.8294930875576036,2.3851776123046875,0.8571428571428571,0.7816901408450704,0.9487179487179487,2.3851776123046875,0.8553980694407048,0.8294930875576036,0.11112939566373825,0.8571428571428571,0.7816901408450704,0.9487179487179487,0.11112939566373825,0.8547696206684343,0.9953917050691244,3.912358283996582,0.9957446808510638,0.9915254237288136,1.0,3.912358283996582,0.996147213998953
|
120 |
+
8,-1,0.8894009216589862,0.9991493225097656,0.9008264462809916,0.872,0.9316239316239316,0.9991493225097656,0.9325025944874775,0.8294930875576036,2.3851776123046875,0.8571428571428571,0.7816901408450704,0.9487179487179487,2.3851776123046875,0.8553980694407048,0.8294930875576036,0.11112939566373825,0.8571428571428571,0.7816901408450704,0.9487179487179487,0.11112939566373825,0.8547696206684343,0.9953917050691244,3.912358283996582,0.9957446808510638,0.9915254237288136,1.0,3.912358283996582,0.996147213998953
|
121 |
+
9,3,0.8894009216589862,0.9991499781608582,0.9008264462809916,0.872,0.9316239316239316,0.9991499781608582,0.9325025944874775,0.8294930875576036,2.384897232055664,0.8571428571428571,0.7816901408450704,0.9487179487179487,2.384897232055664,0.8553980694407048,0.8294930875576036,0.11113688349723816,0.8571428571428571,0.7816901408450704,0.9487179487179487,0.11113688349723816,0.8549350558419186,0.9953917050691244,3.915473461151123,0.9957446808510638,0.9915254237288136,1.0,3.915473461151123,0.996147213998953
|
122 |
+
9,6,0.8894009216589862,0.9991506338119507,0.9008264462809916,0.872,0.9316239316239316,0.9991506338119507,0.9325112104235128,0.8294930875576036,2.384669065475464,0.8571428571428571,0.7816901408450704,0.9487179487179487,2.384669065475464,0.8555262565436819,0.8294930875576036,0.11114394664764404,0.8571428571428571,0.7816901408450704,0.9487179487179487,0.11114394664764404,0.8551780246435647,0.9953917050691244,3.918466091156006,0.9957446808510638,0.9915254237288136,1.0,3.918466091156006,0.996147213998953
|
123 |
+
9,9,0.8894009216589862,0.999151349067688,0.9008264462809916,0.872,0.9316239316239316,0.999151349067688,0.9325024903953019,0.8294930875576036,2.3844523429870605,0.8571428571428571,0.7816901408450704,0.9487179487179487,2.3844523429870605,0.8555262565436819,0.8294930875576036,0.11114899814128876,0.8571428571428571,0.7816901408450704,0.9487179487179487,0.11114899814128876,0.8551780246435647,0.9953917050691244,3.9212422370910645,0.9957446808510638,0.9915254237288136,1.0,3.9212422370910645,0.996147213998953
|
124 |
+
9,12,0.8894009216589862,0.9991519451141357,0.9008264462809916,0.872,0.9316239316239316,0.9991519451141357,0.9325025944874775,0.8294930875576036,2.3842830657958984,0.8571428571428571,0.7816901408450704,0.9487179487179487,2.3842830657958984,0.8555795718222878,0.8294930875576036,0.11115489900112152,0.8571428571428571,0.7816901408450704,0.9487179487179487,0.11115489900112152,0.8552302201156075,0.9953917050691244,3.9237570762634277,0.9957446808510638,0.9915254237288136,1.0,3.9237570762634277,0.996147213998953
|
125 |
+
9,15,0.8894009216589862,0.999152421951294,0.9008264462809916,0.872,0.9316239316239316,0.999152421951294,0.9325026298586052,0.8294930875576036,2.3841586112976074,0.8571428571428571,0.7816901408450704,0.9487179487179487,2.3841586112976074,0.8557089930125821,0.8294930875576036,0.1111605316400528,0.8571428571428571,0.7816901408450704,0.9487179487179487,0.1111605316400528,0.8552302201156075,0.9953917050691244,3.9258954524993896,0.9957446808510638,0.9915254237288136,1.0,3.9258954524993896,0.996147213998953
|
126 |
+
9,18,0.8894009216589862,0.9991528987884521,0.9008264462809916,0.872,0.9316239316239316,0.9991528987884521,0.9324953080351783,0.8294930875576036,2.3841214179992676,0.8571428571428571,0.7816901408450704,0.9487179487179487,2.3841214179992676,0.8559007528197264,0.8294930875576036,0.11116492003202438,0.8571428571428571,0.7816901408450704,0.9487179487179487,0.11116492003202438,0.8555326527257323,0.9953917050691244,3.9277162551879883,0.9957446808510638,0.9915254237288136,1.0,3.9277162551879883,0.996147213998953
|
127 |
+
9,21,0.8894009216589862,0.9991532564163208,0.9008264462809916,0.872,0.9316239316239316,0.9991532564163208,0.9325044983669493,0.8294930875576036,2.3840887546539307,0.8571428571428571,0.7816901408450704,0.9487179487179487,2.3840887546539307,0.8559007528197264,0.8294930875576036,0.11116741597652435,0.8571428571428571,0.7816901408450704,0.9487179487179487,0.11116741597652435,0.8555326527257323,0.9953917050691244,3.9291436672210693,0.9957446808510638,0.9915254237288136,1.0,3.9291436672210693,0.996147213998953
|
128 |
+
9,24,0.8894009216589862,0.9991534948348999,0.9008264462809916,0.872,0.9316239316239316,0.9991534948348999,0.9325044983669493,0.8294930875576036,2.384068489074707,0.8571428571428571,0.7816901408450704,0.9487179487179487,2.384068489074707,0.8559007528197264,0.8294930875576036,0.11116938292980194,0.8571428571428571,0.7816901408450704,0.9487179487179487,0.11116938292980194,0.8555326527257323,0.9953917050691244,3.9301905632019043,0.9957446808510638,0.9915254237288136,1.0,3.9301905632019043,0.996147213998953
|
129 |
+
9,27,0.8894009216589862,0.9991536736488342,0.9008264462809916,0.872,0.9316239316239316,0.9991536736488342,0.9324953080351783,0.8294930875576036,2.384058952331543,0.8571428571428571,0.7816901408450704,0.9487179487179487,2.384058952331543,0.8559007528197264,0.8294930875576036,0.11117085814476013,0.8571428571428571,0.7816901408450704,0.9487179487179487,0.11117085814476013,0.8555326527257323,0.9953917050691244,3.9308245182037354,0.9957446808510638,0.9915254237288136,1.0,3.9308245182037354,0.996147213998953
|
130 |
+
9,30,0.8894009216589862,0.999153733253479,0.9008264462809916,0.872,0.9316239316239316,0.999153733253479,0.9324953080351783,0.8294930875576036,2.3840532302856445,0.8571428571428571,0.7816901408450704,0.9487179487179487,2.3840532302856445,0.8560004310015964,0.8294930875576036,0.11117145419120789,0.8571428571428571,0.7816901408450704,0.9487179487179487,0.11117145419120789,0.8555326527257323,0.9953917050691244,3.9310412406921387,0.9957446808510638,0.9915254237288136,1.0,3.9310412406921387,0.996147213998953
|
131 |
+
9,-1,0.8894009216589862,0.999153733253479,0.9008264462809916,0.872,0.9316239316239316,0.999153733253479,0.9324953080351783,0.8294930875576036,2.3840532302856445,0.8571428571428571,0.7816901408450704,0.9487179487179487,2.3840532302856445,0.8560004310015964,0.8294930875576036,0.11117145419120789,0.8571428571428571,0.7816901408450704,0.9487179487179487,0.11117145419120789,0.8555326527257323,0.9953917050691244,3.9310412406921387,0.9957446808510638,0.9915254237288136,1.0,3.9310412406921387,0.996147213998953
|
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:a8dc347b7480679c201d16c5b166e7623d44e0c180f78b88e169663f51cb18f8
|
3 |
+
size 1112244081
|
sentence_bert_config.json
ADDED
@@ -0,0 +1,4 @@
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"max_seq_length": 128,
|
3 |
+
"do_lower_case": false
|
4 |
+
}
|
sentencepiece.bpe.model
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:cfc8146abe2a0488e9e2a0c56de7952f7c11ab059eca145a0a727afce0db2865
|
3 |
+
size 5069051
|
special_tokens_map.json
ADDED
@@ -0,0 +1,15 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"bos_token": "<s>",
|
3 |
+
"cls_token": "<s>",
|
4 |
+
"eos_token": "</s>",
|
5 |
+
"mask_token": {
|
6 |
+
"content": "<mask>",
|
7 |
+
"lstrip": true,
|
8 |
+
"normalized": false,
|
9 |
+
"rstrip": false,
|
10 |
+
"single_word": false
|
11 |
+
},
|
12 |
+
"pad_token": "<pad>",
|
13 |
+
"sep_token": "</s>",
|
14 |
+
"unk_token": "<unk>"
|
15 |
+
}
|
tokenizer.json
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:b60b6b43406a48bf3638526314f3d232d97058bc93472ff2de930d43686fa441
|
3 |
+
size 17082913
|
tokenizer_config.json
ADDED
@@ -0,0 +1,20 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"bos_token": "<s>",
|
3 |
+
"cls_token": "<s>",
|
4 |
+
"eos_token": "</s>",
|
5 |
+
"mask_token": {
|
6 |
+
"__type": "AddedToken",
|
7 |
+
"content": "<mask>",
|
8 |
+
"lstrip": true,
|
9 |
+
"normalized": true,
|
10 |
+
"rstrip": false,
|
11 |
+
"single_word": false
|
12 |
+
},
|
13 |
+
"model_max_length": 512,
|
14 |
+
"name_or_path": "models/multi-qa-mpnet-zh/",
|
15 |
+
"pad_token": "<pad>",
|
16 |
+
"sep_token": "</s>",
|
17 |
+
"special_tokens_map_file": null,
|
18 |
+
"tokenizer_class": "XLMRobertaTokenizer",
|
19 |
+
"unk_token": "<unk>"
|
20 |
+
}
|