Upload 12 files
Browse files- 1_Pooling/config.json +7 -0
- README.md +89 -1
- config.json +24 -0
- config_sentence_transformers.json +7 -0
- eval/Information-Retrieval_evaluation_results.csv +79 -0
- model.safetensors +3 -0
- modules.json +20 -0
- sentence_bert_config.json +4 -0
- special_tokens_map.json +51 -0
- tokenizer.json +0 -0
- tokenizer_config.json +72 -0
- vocab.txt +0 -0
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
@@ -1,3 +1,91 @@
|
|
1 |
---
|
2 |
-
|
|
|
|
|
|
|
|
|
|
|
3 |
---
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
---
|
2 |
+
pipeline_tag: sentence-similarity
|
3 |
+
tags:
|
4 |
+
- sentence-transformers
|
5 |
+
- feature-extraction
|
6 |
+
- sentence-similarity
|
7 |
+
|
8 |
---
|
9 |
+
|
10 |
+
# {MODEL_NAME}
|
11 |
+
|
12 |
+
This is a [sentence-transformers](https://www.SBERT.net) model: It maps sentences & paragraphs to a 768 dimensional dense vector space and can be used for tasks like clustering or semantic search.
|
13 |
+
|
14 |
+
<!--- Describe your model here -->
|
15 |
+
|
16 |
+
## Usage (Sentence-Transformers)
|
17 |
+
|
18 |
+
Using this model becomes easy when you have [sentence-transformers](https://www.SBERT.net) installed:
|
19 |
+
|
20 |
+
```
|
21 |
+
pip install -U sentence-transformers
|
22 |
+
```
|
23 |
+
|
24 |
+
Then you can use the model like this:
|
25 |
+
|
26 |
+
```python
|
27 |
+
from sentence_transformers import SentenceTransformer
|
28 |
+
sentences = ["This is an example sentence", "Each sentence is converted"]
|
29 |
+
|
30 |
+
model = SentenceTransformer('{MODEL_NAME}')
|
31 |
+
embeddings = model.encode(sentences)
|
32 |
+
print(embeddings)
|
33 |
+
```
|
34 |
+
|
35 |
+
|
36 |
+
|
37 |
+
## Evaluation Results
|
38 |
+
|
39 |
+
<!--- Describe how your model was evaluated -->
|
40 |
+
|
41 |
+
For an automated evaluation of this model, see the *Sentence Embeddings Benchmark*: [https://seb.sbert.net](https://seb.sbert.net?model_name={MODEL_NAME})
|
42 |
+
|
43 |
+
|
44 |
+
## Training
|
45 |
+
The model was trained with the parameters:
|
46 |
+
|
47 |
+
**DataLoader**:
|
48 |
+
|
49 |
+
`torch.utils.data.dataloader.DataLoader` of length 634 with parameters:
|
50 |
+
```
|
51 |
+
{'batch_size': 16, 'sampler': 'torch.utils.data.sampler.RandomSampler', 'batch_sampler': 'torch.utils.data.sampler.BatchSampler'}
|
52 |
+
```
|
53 |
+
|
54 |
+
**Loss**:
|
55 |
+
|
56 |
+
`sentence_transformers.losses.MultipleNegativesRankingLoss.MultipleNegativesRankingLoss` with parameters:
|
57 |
+
```
|
58 |
+
{'scale': 20.0, 'similarity_fct': 'cos_sim'}
|
59 |
+
```
|
60 |
+
|
61 |
+
Parameters of the fit()-Method:
|
62 |
+
```
|
63 |
+
{
|
64 |
+
"epochs": 1,
|
65 |
+
"evaluation_steps": 50,
|
66 |
+
"evaluator": "sentence_transformers.evaluation.InformationRetrievalEvaluator.InformationRetrievalEvaluator",
|
67 |
+
"max_grad_norm": 1,
|
68 |
+
"optimizer_class": "<class 'torch.optim.adamw.AdamW'>",
|
69 |
+
"optimizer_params": {
|
70 |
+
"lr": 2e-05
|
71 |
+
},
|
72 |
+
"scheduler": "WarmupLinear",
|
73 |
+
"steps_per_epoch": null,
|
74 |
+
"warmup_steps": 10000,
|
75 |
+
"weight_decay": 0.01
|
76 |
+
}
|
77 |
+
```
|
78 |
+
|
79 |
+
|
80 |
+
## Full Model Architecture
|
81 |
+
```
|
82 |
+
SentenceTransformer(
|
83 |
+
(0): Transformer({'max_seq_length': 384, 'do_lower_case': False}) with Transformer model: MPNetModel
|
84 |
+
(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})
|
85 |
+
(2): Normalize()
|
86 |
+
)
|
87 |
+
```
|
88 |
+
|
89 |
+
## Citing & Authors
|
90 |
+
|
91 |
+
<!--- Describe where people can find more information -->
|
config.json
ADDED
@@ -0,0 +1,24 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"_name_or_path": "/root/.cache/torch/sentence_transformers/sentence-transformers_all-mpnet-base-v2/",
|
3 |
+
"architectures": [
|
4 |
+
"MPNetModel"
|
5 |
+
],
|
6 |
+
"attention_probs_dropout_prob": 0.1,
|
7 |
+
"bos_token_id": 0,
|
8 |
+
"eos_token_id": 2,
|
9 |
+
"hidden_act": "gelu",
|
10 |
+
"hidden_dropout_prob": 0.1,
|
11 |
+
"hidden_size": 768,
|
12 |
+
"initializer_range": 0.02,
|
13 |
+
"intermediate_size": 3072,
|
14 |
+
"layer_norm_eps": 1e-05,
|
15 |
+
"max_position_embeddings": 514,
|
16 |
+
"model_type": "mpnet",
|
17 |
+
"num_attention_heads": 12,
|
18 |
+
"num_hidden_layers": 12,
|
19 |
+
"pad_token_id": 1,
|
20 |
+
"relative_attention_num_buckets": 32,
|
21 |
+
"torch_dtype": "float32",
|
22 |
+
"transformers_version": "4.35.2",
|
23 |
+
"vocab_size": 30527
|
24 |
+
}
|
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/Information-Retrieval_evaluation_results.csv
ADDED
@@ -0,0 +1,79 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
epoch,steps,cos_sim-Accuracy@1,cos_sim-Accuracy@3,cos_sim-Accuracy@5,cos_sim-Accuracy@10,cos_sim-Precision@1,cos_sim-Recall@1,cos_sim-Precision@3,cos_sim-Recall@3,cos_sim-Precision@5,cos_sim-Recall@5,cos_sim-Precision@10,cos_sim-Recall@10,cos_sim-MRR@10,cos_sim-NDCG@10,cos_sim-MAP@100,dot_score-Accuracy@1,dot_score-Accuracy@3,dot_score-Accuracy@5,dot_score-Accuracy@10,dot_score-Precision@1,dot_score-Recall@1,dot_score-Precision@3,dot_score-Recall@3,dot_score-Precision@5,dot_score-Recall@5,dot_score-Precision@10,dot_score-Recall@10,dot_score-MRR@10,dot_score-NDCG@10,dot_score-MAP@100
|
2 |
+
0,50,0.4880212954747116,0.6459627329192547,0.7222715173025732,0.7923691215616682,0.4880212954747116,0.16777580597456374,0.21620822241940255,0.22360248447204967,0.14622892635314996,0.2516267376515824,0.08118899733806564,0.2789855072463768,0.5856840044506414,0.30673426203222226,0.21159473825932834,0.4880212954747116,0.6459627329192547,0.7222715173025732,0.7923691215616682,0.4880212954747116,0.16777580597456374,0.21620822241940255,0.22360248447204967,0.14622892635314996,0.2516267376515824,0.08118899733806564,0.2789855072463768,0.5856840044506414,0.30673426203222226,0.21159473825932834
|
3 |
+
0,100,0.5031055900621118,0.6628216503992902,0.735581188997338,0.808340727595386,0.5031055900621118,0.1728039041703638,0.22212363206152025,0.230553090801538,0.14889086069210292,0.25576752440106476,0.0828748890860692,0.2846790890269151,0.6008556217518067,0.31433517522813575,0.21695325987137432,0.5031055900621118,0.6628216503992902,0.735581188997338,0.808340727595386,0.5031055900621118,0.1728039041703638,0.22212363206152025,0.230553090801538,0.14889086069210292,0.25576752440106476,0.0828748890860692,0.2846790890269151,0.6008556217518067,0.31433517522813575,0.21695325987137432
|
4 |
+
0,150,0.5235137533274179,0.686779059449867,0.7622005323868678,0.8243123336291038,0.5235137533274179,0.17990239574090502,0.23010943507837917,0.23816918071576454,0.15403726708074533,0.26486246672582076,0.08473824312333628,0.29096421177166515,0.6227285531189701,0.32467431870113267,0.22472321121680433,0.5235137533274179,0.686779059449867,0.7622005323868678,0.8243123336291038,0.5235137533274179,0.17990239574090502,0.23010943507837917,0.23816918071576454,0.15403726708074533,0.26486246672582076,0.08473824312333628,0.29096421177166515,0.6227285531189701,0.32467431870113267,0.22472321121680433
|
5 |
+
0,200,0.5527950310559007,0.7302573203194321,0.7914818101153505,0.8438331854480923,0.5527950310559007,0.19025436261461104,0.24489795918367346,0.25317953268263826,0.15971606033717833,0.2749926057379473,0.08669032830523513,0.2976929902395741,0.652187293136717,0.33781231237208553,0.23502749962170766,0.5527950310559007,0.7302573203194321,0.7914818101153505,0.8438331854480923,0.5527950310559007,0.19025436261461104,0.24489795918367346,0.25317953268263826,0.15971606033717833,0.2749926057379473,0.08669032830523513,0.2976929902395741,0.652187293136717,0.33781231237208553,0.23502749962170766
|
6 |
+
0,250,0.5918367346938775,0.7604259094942325,0.8047914818101154,0.8598047914818101,0.5918367346938775,0.20422951789411414,0.2546583850931677,0.26323572907423837,0.16308784383318542,0.28016858917480036,0.08837622005323868,0.3029429162969535,0.6849125364431493,0.3516136516890421,0.24676748860149042,0.5918367346938775,0.7604259094942325,0.8047914818101154,0.8598047914818101,0.5918367346938775,0.20422951789411414,0.2546583850931677,0.26323572907423837,0.16308784383318542,0.28016858917480036,0.08837622005323868,0.3029429162969535,0.6849125364431493,0.3516136516890421,0.24676748860149042
|
7 |
+
0,300,0.6282165039929015,0.7817213842058562,0.8260869565217391,0.8811002661934338,0.6282165039929015,0.216282165039929,0.26175687666370895,0.27033422064477963,0.16734693877551018,0.28711919550428866,0.09077196095829634,0.31100266193433895,0.7148145800763376,0.364992182245841,0.2569199606899147,0.6282165039929015,0.7817213842058562,0.8260869565217391,0.8811002661934338,0.6282165039929015,0.216282165039929,0.26175687666370895,0.27033422064477963,0.16734693877551018,0.28711919550428866,0.09077196095829634,0.31100266193433895,0.7148145800763376,0.364992182245841,0.2569199606899147
|
8 |
+
0,350,0.6521739130434783,0.8012422360248447,0.8438331854480923,0.906832298136646,0.6521739130434783,0.22419402543626146,0.26855959775214433,0.27684117125110913,0.17107364685004436,0.29340431824903873,0.09370008873114462,0.3212806861875185,0.7371368008901289,0.3763497369381782,0.26431334023498876,0.6521739130434783,0.8012422360248447,0.8438331854480923,0.906832298136646,0.6521739130434783,0.22419402543626146,0.26855959775214433,0.27684117125110913,0.17107364685004436,0.29340431824903873,0.09370008873114462,0.3212806861875185,0.7371368008901289,0.3763497369381782,0.26431334023498876
|
9 |
+
0,400,0.673469387755102,0.8163265306122449,0.8580301685891748,0.9174800354924578,0.673469387755102,0.2314404022478557,0.27388346643005024,0.2823868677905945,0.17409050576752438,0.29895001478852407,0.09485359361135758,0.32490387459331554,0.7559956902015469,0.3844552529478579,0.2708349067489761,0.673469387755102,0.8163265306122449,0.8580301685891748,0.9174800354924578,0.673469387755102,0.2314404022478557,0.27388346643005024,0.2823868677905945,0.17409050576752438,0.29895001478852407,0.09485359361135758,0.32490387459331554,0.7559956902015469,0.3844552529478579,0.2708349067489761
|
10 |
+
0,450,0.6823425022182786,0.8278615794143744,0.8695652173913043,0.929902395740905,0.6823425022182786,0.23432416444838802,0.2777284826974268,0.286379769299024,0.17657497781721382,0.3033865720201124,0.09574090505767524,0.32793552203490095,0.7659064661061117,0.3889092990171346,0.2741339006180157,0.6823425022182786,0.8278615794143744,0.8695652173913043,0.929902395740905,0.6823425022182786,0.23432416444838802,0.2777284826974268,0.286379769299024,0.17657497781721382,0.3033865720201124,0.09574090505767524,0.32793552203490095,0.7659064661061117,0.3889092990171346,0.2741339006180157
|
11 |
+
0,500,0.6938775510204082,0.8376220053238687,0.8819875776397516,0.9361135758651287,0.6938775510204082,0.23846495119787045,0.2809819580005915,0.28978112984324167,0.1787045252883762,0.30678793256433007,0.09627329192546583,0.32978408754806265,0.7768098336643153,0.3935241098015661,0.2780380767712947,0.6938775510204082,0.8376220053238687,0.8819875776397516,0.9361135758651287,0.6938775510204082,0.23846495119787045,0.2809819580005915,0.28978112984324167,0.1787045252883762,0.30678793256433007,0.09627329192546583,0.32978408754806265,0.7768098336643153,0.3935241098015661,0.2780380767712947
|
12 |
+
0,550,0.6983141082519965,0.8456078083407276,0.8890860692102928,0.9370008873114463,0.6983141082519965,0.24023957409050578,0.28334812185743863,0.2924430641821946,0.18047914818101152,0.30959775214433594,0.09627329192546583,0.33037562851227453,0.7828601005619642,0.39607351112476835,0.28049754304713814,0.6983141082519965,0.8456078083407276,0.8890860692102928,0.9370008873114463,0.6983141082519965,0.24023957409050578,0.28334812185743863,0.2924430641821946,0.18047914818101152,0.30959775214433594,0.09627329192546583,0.33037562851227453,0.7828601005619642,0.39607351112476835,0.28049754304713814
|
13 |
+
0,600,0.7036379769299024,0.8553682342502218,0.8970718722271517,0.9467613132209406,0.7036379769299024,0.24201419698314108,0.2868973676427092,0.29591836734693877,0.18172138420585623,0.31233362910381546,0.09751552795031054,0.3344424726412304,0.7887550879565081,0.3996328870826717,0.2824287490229518,0.7036379769299024,0.8553682342502218,0.8970718722271517,0.9467613132209406,0.7036379769299024,0.24201419698314108,0.2868973676427092,0.29591836734693877,0.18172138420585623,0.31233362910381546,0.09751552795031054,0.3344424726412304,0.7887550879565081,0.3996328870826717,0.2824279706795778
|
14 |
+
0,-1,0.7054125998225377,0.8589174800354925,0.9023957409050577,0.9503105590062112,0.7054125998225377,0.2427536231884058,0.2877846790890269,0.2973972197574682,0.18278615794143743,0.3140343093759243,0.09804791481810114,0.3361431529133393,0.7924001070407466,0.40165116093498676,0.28376395336244503,0.7054125998225377,0.8589174800354925,0.9023957409050577,0.9503105590062112,0.7054125998225377,0.2427536231884058,0.2877846790890269,0.2973972197574682,0.18278615794143743,0.3140343093759243,0.09804791481810114,0.3361431529133393,0.7924001070407466,0.40165116093498676,0.28376395336244503
|
15 |
+
1,50,0.7142857142857143,0.8669032830523514,0.9086069210292813,0.9538598047914818,0.7142857142857143,0.2463028689736764,0.2904466134279799,0.29991126885536823,0.18456078083407276,0.31713989943803605,0.09849157054125998,0.33762200532386866,0.7990648019041992,0.4048523356934836,0.2865370851767579,0.7142857142857143,0.8669032830523514,0.9086069210292813,0.9538598047914818,0.7142857142857143,0.2463028689736764,0.2904466134279799,0.29991126885536823,0.18456078083407276,0.31713989943803605,0.09849157054125998,0.33762200532386866,0.7990648019041992,0.4048523356934836,0.2865370851767579
|
16 |
+
1,100,0.7204968944099379,0.8766637089618456,0.9130434782608695,0.9582963620230701,0.7204968944099379,0.24889086069210292,0.2937000887311446,0.303164744158533,0.1852706299911269,0.31847086660751256,0.09902395740905057,0.33924874297545105,0.8057784397402856,0.4080587495234663,0.2890763269830513,0.7204968944099379,0.8766637089618456,0.9130434782608695,0.9582963620230701,0.7204968944099379,0.24889086069210292,0.2937000887311446,0.303164744158533,0.1852706299911269,0.31847086660751256,0.09902395740905057,0.33924874297545105,0.8057784397402856,0.4080587495234663,0.2890763269830513
|
17 |
+
1,150,0.7267080745341615,0.8811002661934338,0.9192546583850931,0.9609582963620231,0.7267080745341615,0.2509612540668441,0.29517894114167403,0.30464359656906237,0.1866903283052351,0.32083703046435963,0.0992014196983141,0.3399881691807158,0.810577315812454,0.4100077731552621,0.2905963277725072,0.7267080745341615,0.8811002661934338,0.9192546583850931,0.9609582963620231,0.7267080745341615,0.2509612540668441,0.29517894114167403,0.30464359656906237,0.1866903283052351,0.32083703046435963,0.0992014196983141,0.3399881691807158,0.810577315812454,0.4100077731552621,0.2905963277725072
|
18 |
+
1,200,0.7346938775510204,0.8819875776397516,0.9139307897071872,0.9600709849157054,0.7346938775510204,0.25347530316474415,0.29547471162378,0.30501330967169477,0.18562555456965393,0.31898846495119787,0.09929015084294586,0.34013605442176875,0.8153504880212957,0.4117634312204665,0.2921432928030834,0.7346938775510204,0.8819875776397516,0.9139307897071872,0.9600709849157054,0.7346938775510204,0.25347530316474415,0.29547471162378,0.30501330967169477,0.18562555456965393,0.31898846495119787,0.09929015084294586,0.34013605442176875,0.8153504880212957,0.4117634312204665,0.2921432928030834
|
19 |
+
1,250,0.7373558118899733,0.8881987577639752,0.9192546583850931,0.9618456078083407,0.7373558118899733,0.25428867199053534,0.297840875480627,0.3075273587695948,0.18651286601597158,0.3204673173617273,0.09946761313220939,0.3408015380065069,0.8188990295911327,0.41333613639212946,0.29352744563514616,0.7373558118899733,0.8881987577639752,0.9192546583850931,0.9618456078083407,0.7373558118899733,0.25428867199053534,0.297840875480627,0.3075273587695948,0.18651286601597158,0.3204673173617273,0.09946761313220939,0.3408015380065069,0.8188990295911327,0.41333613639212946,0.29352744563514616
|
20 |
+
1,300,0.74622892635315,0.8899733806566105,0.9228039041703638,0.9653948535936113,0.74622892635315,0.25739426205264715,0.2984324164448388,0.30819284235433303,0.18740017746228926,0.3220201123927832,0.09973380656610469,0.34176279207335103,0.8250158448472559,0.4158129810688827,0.29546121958173943,0.74622892635315,0.8899733806566105,0.9228039041703638,0.9653948535936113,0.74622892635315,0.25739426205264715,0.2984324164448388,0.30819284235433303,0.18740017746228926,0.3220201123927832,0.09973380656610469,0.34176279207335103,0.8250158448472559,0.4158129810688827,0.29546121958173943
|
21 |
+
1,350,0.748890860692103,0.8926353149955635,0.9254658385093167,0.9680567879325643,0.748890860692103,0.2580597456373854,0.2990239574090506,0.3087104406980183,0.18757763975155278,0.3222419402543626,0.10008873114463175,0.3429458740017746,0.8273034886832583,0.41691065901185564,0.2958962425636034,0.748890860692103,0.8926353149955635,0.9254658385093167,0.9680567879325643,0.748890860692103,0.2580597456373854,0.2990239574090506,0.3087104406980183,0.18757763975155278,0.3222419402543626,0.10008873114463175,0.3429458740017746,0.8273034886832583,0.41691065901185564,0.2958962425636034
|
22 |
+
1,400,0.7506654835847383,0.8970718722271517,0.9307897071872228,0.9671694764862466,0.7506654835847383,0.25946465542738834,0.3007985803016859,0.3107808340727595,0.18899733806566105,0.32460810411120966,0.09982253771073646,0.3419846199349305,0.8287098069041284,0.4174343012242337,0.2970732276359547,0.7506654835847383,0.8970718722271517,0.9307897071872228,0.9671694764862466,0.7506654835847383,0.25946465542738834,0.3007985803016859,0.3107808340727595,0.18899733806566105,0.32460810411120966,0.09982253771073646,0.3419846199349305,0.8287098069041284,0.4174343012242337,0.2970732276359547
|
23 |
+
1,450,0.7577639751552795,0.8961845607808341,0.9387755102040817,0.9716060337178349,0.7577639751552795,0.26138716356107666,0.30050280981958,0.3104111209701272,0.1909494232475599,0.32786157941437444,0.10026619343389528,0.34346347234545993,0.8341646596526816,0.41974382294647555,0.29851522436266065,0.7577639751552795,0.8961845607808341,0.9387755102040817,0.9716060337178349,0.7577639751552795,0.26138716356107666,0.30050280981958,0.3104111209701272,0.1909494232475599,0.32786157941437444,0.10026619343389528,0.34346347234545993,0.8341646596526816,0.41974382294647555,0.29851522436266065
|
24 |
+
1,500,0.7613132209405501,0.90150842945874,0.9361135758651287,0.9707187222715173,0.7613132209405501,0.2627920733510795,0.3025732031943212,0.31211180124223603,0.19006211180124222,0.32630878438331856,0.10008873114463175,0.3428719313812481,0.8366639202264763,0.42048881263707577,0.2995705237282449,0.7613132209405501,0.90150842945874,0.9361135758651287,0.9707187222715173,0.7613132209405501,0.2627920733510795,0.3025732031943212,0.31211180124223603,0.19006211180124222,0.32630878438331856,0.10008873114463175,0.3428719313812481,0.8366639202264763,0.42048881263707577,0.2995705237282449
|
25 |
+
1,550,0.7648624667258208,0.90150842945874,0.940550133096717,0.9716060337178349,0.7648624667258208,0.26367938479739716,0.3025732031943212,0.3121857438627625,0.19077196095829635,0.32741792369121564,0.1002661934338953,0.3435374149659864,0.8388867762425889,0.4214350342385896,0.30023137431259805,0.7648624667258208,0.90150842945874,0.940550133096717,0.9716060337178349,0.7648624667258208,0.26367938479739716,0.3025732031943212,0.3121857438627625,0.19077196095829635,0.32741792369121564,0.1002661934338953,0.3435374149659864,0.8388867762425889,0.4214350342385896,0.30023137431259805
|
26 |
+
1,600,0.7684117125110914,0.8944099378881988,0.9387755102040817,0.9751552795031055,0.7684117125110914,0.2653800650695061,0.2996154983732623,0.30937592428275656,0.19006211180124222,0.326382727003845,0.10053238686779058,0.34449866903283055,0.8409772397571872,0.422494085849098,0.3007827677617804,0.7684117125110914,0.8944099378881988,0.9387755102040817,0.9751552795031055,0.7684117125110914,0.2653800650695061,0.2996154983732623,0.30937592428275656,0.19006211180124222,0.326382727003845,0.10053238686779058,0.34449866903283055,0.8409772397571872,0.422494085849098,0.3007827677617804
|
27 |
+
1,-1,0.7772848269742679,0.8988464951197871,0.9423247559893523,0.974267968056788,0.7772848269742679,0.2681159420289855,0.3010943507837917,0.3107808340727595,0.19112688553682342,0.3281573498964803,0.10062111801242235,0.3447204968944099,0.8463035731891106,0.4243976451346038,0.30246911770666973,0.7772848269742679,0.8988464951197871,0.9423247559893523,0.974267968056788,0.7772848269742679,0.2681159420289855,0.3010943507837917,0.3107808340727595,0.19112688553682342,0.3281573498964803,0.10062111801242235,0.3447204968944099,0.8463035731891106,0.4243976451346038,0.30246911770666973
|
28 |
+
2,50,0.7817213842058562,0.9006211180124224,0.9387755102040817,0.974267968056788,0.7817213842058562,0.269446909198462,0.3019816622301094,0.3116681455190772,0.19041703637976926,0.32712215320910976,0.10062111801242234,0.34464655427388347,0.8489866339910711,0.42533904170311965,0.3034595321584016,0.7817213842058562,0.9006211180124224,0.9387755102040817,0.974267968056788,0.7817213842058562,0.269446909198462,0.3019816622301094,0.3116681455190772,0.19041703637976926,0.32712215320910976,0.10062111801242234,0.34464655427388347,0.8489866339910711,0.42533904170311965,0.3034595321584016
|
29 |
+
2,100,0.7799467613132209,0.8988464951197871,0.940550133096717,0.976929902395741,0.7799467613132209,0.2687814256137237,0.3007985803016859,0.31041112097012724,0.19077196095829635,0.3277136941733215,0.10115350488021294,0.34634723454599237,0.8488056506246393,0.42580760204113866,0.3031904684181611,0.7799467613132209,0.8988464951197871,0.940550133096717,0.976929902395741,0.7799467613132209,0.2687814256137237,0.3007985803016859,0.31041112097012724,0.19077196095829635,0.3277136941733215,0.10115350488021294,0.34634723454599237,0.8488056506246393,0.42580760204113866,0.3031904684181611
|
30 |
+
2,150,0.7834960070984915,0.9032830523513753,0.9423247559893523,0.976929902395741,0.7834960070984915,0.2698166223010943,0.3025732031943212,0.3120378586217095,0.1909494232475599,0.3279355220349009,0.10115350488021295,0.34634723454599237,0.8519781411529418,0.4269322111026035,0.304232428794393,0.7834960070984915,0.9032830523513753,0.9423247559893523,0.976929902395741,0.7834960070984915,0.2698166223010943,0.3025732031943212,0.3120378586217095,0.1909494232475599,0.3279355220349009,0.10115350488021295,0.34634723454599237,0.8519781411529418,0.4269322111026035,0.304232428794393
|
31 |
+
2,200,0.7852706299911268,0.90150842945874,0.9458740017746229,0.9778172138420586,0.7852706299911268,0.2704821058858326,0.30168589174800353,0.3112244897959184,0.19183673469387752,0.32934043182490386,0.10133096716947648,0.34701271813073054,0.8524619371558152,0.427301417285477,0.3043700857537417,0.7852706299911268,0.90150842945874,0.9458740017746229,0.9778172138420586,0.7852706299911268,0.2704821058858326,0.30168589174800353,0.3112244897959184,0.19183673469387752,0.32934043182490386,0.10133096716947648,0.34701271813073054,0.8524619371558152,0.427301417285477,0.3043700857537417
|
32 |
+
2,250,0.7914818101153505,0.9094942324755989,0.9467613132209406,0.9778172138420586,0.7914818101153505,0.27247855664004733,0.30434782608695654,0.3138124815143448,0.19201419698314107,0.32985803016858917,0.10124223602484471,0.3466430050280982,0.8571932085463588,0.4288113421632688,0.3057269283980316,0.7914818101153505,0.9094942324755989,0.9467613132209406,0.9778172138420586,0.7914818101153505,0.27247855664004733,0.30434782608695654,0.3138124815143448,0.19201419698314107,0.32985803016858917,0.10124223602484471,0.3466430050280982,0.8571932085463588,0.4288113421632688,0.3057269283980316
|
33 |
+
2,300,0.7905944986690329,0.9139307897071872,0.9476486246672582,0.9778172138420586,0.7905944986690329,0.27218278615794145,0.3064182194616977,0.31588287488908606,0.19219165927240459,0.3300059154096421,0.10150842945874002,0.34753031647441585,0.8580858016084284,0.4296704483439002,0.3066864980003671,0.7905944986690329,0.9139307897071872,0.9476486246672582,0.9778172138420586,0.7905944986690329,0.27218278615794145,0.3064182194616977,0.31588287488908606,0.19219165927240459,0.3300059154096421,0.10150842945874002,0.34753031647441585,0.8580858016084284,0.4296704483439002,0.3066864980003671
|
34 |
+
2,350,0.7914818101153505,0.9192546583850931,0.9511978704525288,0.9778172138420586,0.7914818101153505,0.27262644188110025,0.30819284235433303,0.3178793256433008,0.19290150842945872,0.33118899733806567,0.10124223602484471,0.3466430050280982,0.8594456416106818,0.4299490664607038,0.307075570936121,0.7914818101153505,0.9192546583850931,0.9511978704525288,0.9778172138420586,0.7914818101153505,0.27262644188110025,0.30819284235433303,0.3178793256433008,0.19290150842945872,0.33118899733806567,0.10124223602484471,0.3466430050280982,0.8594456416106818,0.4299490664607038,0.307075570936121
|
35 |
+
2,400,0.7968056787932565,0.9192546583850931,0.9503105590062112,0.9795918367346939,0.7968056787932565,0.27447500739426206,0.3076013013901212,0.31750961254066845,0.19307897071872224,0.331558710440698,0.10150842945874,0.3476042590949423,0.8624322192645179,0.43137764511595206,0.3081856806804387,0.7968056787932565,0.9192546583850931,0.9503105590062112,0.9795918367346939,0.7968056787932565,0.27447500739426206,0.3076013013901212,0.31750961254066845,0.19307897071872224,0.331558710440698,0.10150842945874,0.3476042590949423,0.8624322192645179,0.43137764511595206,0.3081856806804387
|
36 |
+
2,450,0.7950310559006211,0.9165927240461402,0.9511978704525288,0.9795918367346939,0.7950310559006211,0.2737355811889973,0.30671398994380356,0.31662230109435074,0.19325643300798576,0.3318544809228039,0.10141969831410824,0.34723454599231,0.8627403135167114,0.4313111090593951,0.3082676295526346,0.7950310559006211,0.9165927240461402,0.9511978704525288,0.9795918367346939,0.7950310559006211,0.2737355811889973,0.30671398994380356,0.31662230109435074,0.19325643300798576,0.3318544809228039,0.10141969831410824,0.34723454599231,0.8627403135167114,0.4313111090593951,0.3082676295526346
|
37 |
+
2,500,0.7976929902395741,0.9165927240461402,0.9529724933451642,0.9813664596273292,0.7976929902395741,0.2745489500147885,0.30671398994380356,0.31640047323277143,0.19361135758651282,0.33244602188701566,0.10195208518189884,0.3489352262644188,0.8632174194729658,0.43206802790861015,0.30830698652432653,0.7976929902395741,0.9165927240461402,0.9529724933451642,0.9813664596273292,0.7976929902395741,0.2745489500147885,0.30671398994380356,0.31640047323277143,0.19361135758651282,0.33244602188701566,0.10195208518189884,0.3489352262644188,0.8632174194729658,0.43206802790861015,0.30830698652432653
|
38 |
+
2,550,0.7959183673469388,0.9183673469387755,0.9538598047914818,0.9831410825199645,0.7959183673469388,0.2741792369121562,0.3078970718722271,0.3178053830227743,0.1941437444543034,0.33333333333333337,0.10195208518189884,0.3489352262644188,0.8641311389980428,0.43265516130039994,0.30910083908731917,0.7959183673469388,0.9183673469387755,0.9538598047914818,0.9831410825199645,0.7959183673469388,0.2741792369121562,0.3078970718722271,0.3178053830227743,0.1941437444543034,0.33333333333333337,0.10195208518189884,0.3489352262644188,0.8641311389980428,0.43265516130039994,0.30910083908731917
|
39 |
+
2,600,0.7994676131322094,0.9192546583850931,0.9556344276841171,0.9795918367346939,0.7994676131322094,0.27506654835847383,0.3084886128364389,0.3179532682638273,0.1944986690328305,0.3338509316770186,0.10168589174800353,0.34804791481810116,0.8655582315742038,0.43280251631281996,0.30953413494396576,0.7994676131322094,0.9192546583850931,0.9556344276841171,0.9795918367346939,0.7994676131322094,0.27506654835847383,0.3084886128364389,0.3179532682638273,0.1944986690328305,0.3338509316770186,0.10168589174800353,0.34804791481810116,0.8655582315742038,0.43280251631281996,0.30953413494396576
|
40 |
+
2,-1,0.8021295474711624,0.9236912156166814,0.9547471162377995,0.9795918367346939,0.8021295474711624,0.27573203194321205,0.30996746524696833,0.3196539485359361,0.1944986690328305,0.3338509316770186,0.10177462289263531,0.3483436853002071,0.8680025633441786,0.4337078278862072,0.31014860416871165,0.8021295474711624,0.9236912156166814,0.9547471162377995,0.9795918367346939,0.8021295474711624,0.27573203194321205,0.30996746524696833,0.3196539485359361,0.1944986690328305,0.3338509316770186,0.10177462289263531,0.3483436853002071,0.8680025633441786,0.4337078278862072,0.31014860416871165
|
41 |
+
3,50,0.8074534161490683,0.9254658385093167,0.9565217391304348,0.9804791481810116,0.8074534161490683,0.27765454007690027,0.310854776693286,0.3204673173617273,0.19432120674356698,0.3334072759538598,0.10168589174800355,0.34812185743862767,0.8720820833509391,0.4350252765729651,0.31169698080304264,0.8074534161490683,0.9254658385093167,0.9565217391304348,0.9804791481810116,0.8074534161490683,0.27765454007690027,0.310854776693286,0.3204673173617273,0.19432120674356698,0.3334072759538598,0.10168589174800355,0.34812185743862767,0.8720820833509391,0.4350252765729651,0.31169698080304264
|
42 |
+
3,100,0.808340727595386,0.9290150842945873,0.9574090505767524,0.9778172138420586,0.808340727595386,0.27780242531795324,0.3114463176574978,0.3209849157054126,0.19432120674356698,0.3334072759538598,0.10124223602484471,0.34671694764862465,0.8730630554499236,0.4347392987638075,0.3115887818413192,0.808340727595386,0.9290150842945873,0.9574090505767524,0.9778172138420586,0.808340727595386,0.27780242531795324,0.3114463176574978,0.3209849157054126,0.19432120674356698,0.3334072759538598,0.10124223602484471,0.34671694764862465,0.8730630554499236,0.4347392987638075,0.3115887818413192
|
43 |
+
3,150,0.8012422360248447,0.9290150842945873,0.9591836734693877,0.9778172138420586,0.8012422360248447,0.27506654835847383,0.31115054717539187,0.3208370304643597,0.1950310559006211,0.3344424726412304,0.10106477373558116,0.34612540668441294,0.8700106336530478,0.43344146065902295,0.3103711739202695,0.8012422360248447,0.9290150842945873,0.9591836734693877,0.9778172138420586,0.8012422360248447,0.27506654835847383,0.31115054717539187,0.3208370304643597,0.1950310559006211,0.3344424726412304,0.10106477373558116,0.34612540668441294,0.8700106336530478,0.43344146065902295,0.3103711739202695
|
44 |
+
3,200,0.8074534161490683,0.9307897071872228,0.9591836734693877,0.9795918367346939,0.8074534161490683,0.277284826974268,0.3120378586217095,0.3216503992901508,0.19538598047914815,0.33518189884649513,0.10133096716947648,0.3470127181307306,0.8726338361431534,0.4347426486455951,0.31147805839604015,0.8074534161490683,0.9307897071872228,0.9591836734693877,0.9795918367346939,0.8074534161490683,0.277284826974268,0.3120378586217095,0.3216503992901508,0.19538598047914815,0.33518189884649513,0.10133096716947648,0.3470127181307306,0.8726338361431534,0.4347426486455951,0.31147805839604015
|
45 |
+
3,250,0.8163265306122449,0.9281277728482697,0.9556344276841171,0.9787045252883763,0.8163265306122449,0.2808340727595386,0.310854776693286,0.3206152026027802,0.19432120674356695,0.3334812185743863,0.10141969831410824,0.34738243123336293,0.8768929310854778,0.43644528340219846,0.3130938649695178,0.8163265306122449,0.9281277728482697,0.9556344276841171,0.9787045252883763,0.8163265306122449,0.2808340727595386,0.310854776693286,0.3206152026027802,0.19432120674356695,0.3334812185743863,0.10141969831410824,0.34738243123336293,0.8768929310854778,0.43644528340219846,0.3130938649695178
|
46 |
+
3,300,0.8163265306122449,0.9307897071872228,0.9556344276841171,0.9778172138420586,0.8163265306122449,0.2809819580005915,0.31174208813960363,0.3216503992901508,0.19378881987577637,0.33266784974859503,0.10133096716947648,0.3470127181307306,0.8772735595273311,0.436438944905958,0.31321736301568776,0.8163265306122449,0.9307897071872228,0.9556344276841171,0.9778172138420586,0.8163265306122449,0.2809819580005915,0.31174208813960363,0.3216503992901508,0.19378881987577637,0.33266784974859503,0.10133096716947648,0.3470127181307306,0.8772735595273311,0.436438944905958,0.31321736301568776
|
47 |
+
3,350,0.8172138420585625,0.935226264418811,0.9574090505767524,0.9787045252883763,0.8172138420585625,0.28127772848269744,0.31292517006802717,0.32283348121857436,0.1941437444543034,0.33333333333333337,0.10133096716947648,0.347086660751257,0.8783520654638673,0.4368371672528268,0.31347964254103583,0.8172138420585625,0.935226264418811,0.9574090505767524,0.9787045252883763,0.8172138420585625,0.28127772848269744,0.31292517006802717,0.32283348121857436,0.1941437444543034,0.33333333333333337,0.10133096716947648,0.347086660751257,0.8783520654638673,0.4368371672528268,0.31347964254103583
|
48 |
+
3,400,0.8198757763975155,0.9343389529724934,0.9582963620230701,0.976929902395741,0.8198757763975155,0.2820171546879621,0.3126293995859213,0.322611653356995,0.1941437444543034,0.3331115054717539,0.10115350488021294,0.34642117716651877,0.8788355093590237,0.43670981345623705,0.3137413278537566,0.8198757763975155,0.9343389529724934,0.9582963620230701,0.976929902395741,0.8198757763975155,0.2820171546879621,0.3126293995859213,0.322611653356995,0.1941437444543034,0.3331115054717539,0.10115350488021294,0.34642117716651877,0.8788355093590237,0.43670981345623705,0.3137413278537566
|
49 |
+
3,450,0.8181011535048802,0.9370008873114463,0.9609582963620231,0.9804791481810116,0.8181011535048802,0.28179532682638275,0.3138124815143448,0.32364685004436555,0.19467613132209405,0.33399881691807154,0.10141969831410826,0.34738243123336293,0.8801682370670844,0.43763280529656995,0.3140099541638505,0.8181011535048802,0.9370008873114463,0.9609582963620231,0.9804791481810116,0.8181011535048802,0.28179532682638275,0.3138124815143448,0.32364685004436555,0.19467613132209405,0.33399881691807154,0.10141969831410826,0.34738243123336293,0.8801682370670844,0.43763280529656995,0.3140099541638505
|
50 |
+
3,500,0.8216503992901508,0.9387755102040817,0.9600709849157054,0.9795918367346939,0.8216503992901508,0.2827565808932268,0.31469979296066247,0.3245341614906832,0.19432120674356695,0.3334072759538598,0.10141969831410824,0.34738243123336293,0.8819660990690276,0.43818658266304406,0.3143838233768831,0.8216503992901508,0.9387755102040817,0.9600709849157054,0.9795918367346939,0.8216503992901508,0.2827565808932268,0.31469979296066247,0.3245341614906832,0.19432120674356695,0.3334072759538598,0.10141969831410824,0.34738243123336293,0.8819660990690276,0.43818658266304406,0.3143838233768831
|
51 |
+
3,550,0.8198757763975155,0.940550133096717,0.9618456078083407,0.9822537710736469,0.8198757763975155,0.2826086956521739,0.3152913339248743,0.32490387459331554,0.19485359361135757,0.3342945874001775,0.10141969831410824,0.3473084886128365,0.8824167969465221,0.4386115024077737,0.315121083255554,0.8198757763975155,0.940550133096717,0.9618456078083407,0.9822537710736469,0.8198757763975155,0.2826086956521739,0.3152913339248743,0.32490387459331554,0.19485359361135757,0.3342945874001775,0.10141969831410824,0.3473084886128365,0.8824167969465221,0.4386115024077737,0.315121083255554
|
52 |
+
3,600,0.8225377107364685,0.9370008873114463,0.9591836734693877,0.9822537710736469,0.8225377107364685,0.28334812185743863,0.31410825199645076,0.3237947352854185,0.19467613132209405,0.3337769890564921,0.10133096716947648,0.347086660751257,0.8826773566569488,0.43840818300128387,0.3150644244627925,0.8225377107364685,0.9370008873114463,0.9591836734693877,0.9822537710736469,0.8225377107364685,0.28334812185743863,0.31410825199645076,0.3237947352854185,0.19467613132209405,0.3337769890564921,0.10133096716947648,0.347086660751257,0.8826773566569488,0.43840818300128387,0.3150644244627925
|
53 |
+
3,-1,0.8260869565217391,0.9370008873114463,0.9618456078083407,0.9831410825199645,0.8260869565217391,0.2842354333037563,0.3141082519964507,0.323720792664892,0.19485359361135757,0.3344424726412304,0.10159716060337179,0.3479000295770482,0.8841551527443278,0.4390085740634078,0.315421077684806,0.8260869565217391,0.9370008873114463,0.9618456078083407,0.9831410825199645,0.8260869565217391,0.2842354333037563,0.3141082519964507,0.323720792664892,0.19485359361135757,0.3344424726412304,0.10159716060337179,0.3479000295770482,0.8841551527443278,0.4390085740634078,0.315421077684806
|
54 |
+
4,50,0.8198757763975155,0.9387755102040817,0.9618456078083407,0.9813664596273292,0.8198757763975155,0.28194321206743567,0.3149955634427684,0.3245341614906832,0.19520851818988466,0.3348861283643892,0.10168589174800355,0.34834368530020704,0.8821910959000581,0.4387488119762042,0.314809386141897,0.8198757763975155,0.9387755102040817,0.9618456078083407,0.9813664596273292,0.8198757763975155,0.28194321206743567,0.3149955634427684,0.3245341614906832,0.19520851818988466,0.3348861283643892,0.10168589174800355,0.34834368530020704,0.8821910959000581,0.4387488119762042,0.314809386141897
|
55 |
+
4,100,0.8278615794143744,0.940550133096717,0.9609582963620231,0.9813664596273292,0.8278615794143744,0.28482697426796805,0.3152913339248743,0.32497781721384206,0.19520851818988463,0.3348861283643892,0.10133096716947648,0.34701271813073054,0.8861410402670391,0.43956679923481956,0.31581795892485576,0.8278615794143744,0.940550133096717,0.9609582963620231,0.9813664596273292,0.8278615794143744,0.28482697426796805,0.3152913339248743,0.32497781721384206,0.19520851818988463,0.3348861283643892,0.10133096716947648,0.34701271813073054,0.8861410402670391,0.43956679923481956,0.31581795892485576
|
56 |
+
4,150,0.8260869565217391,0.937888198757764,0.9609582963620231,0.9831410825199645,0.8260869565217391,0.28453120378586216,0.31440402247855664,0.3242383910085774,0.19538598047914818,0.33525584146702164,0.10159716060337178,0.3479000295770482,0.8845681750961258,0.43954722464469137,0.31585410700452765,0.8260869565217391,0.937888198757764,0.9609582963620231,0.9831410825199645,0.8260869565217391,0.28453120378586216,0.31440402247855664,0.3242383910085774,0.19538598047914818,0.33525584146702164,0.10159716060337178,0.3479000295770482,0.8845681750961258,0.43954722464469137,0.31585410700452765
|
57 |
+
4,200,0.8260869565217391,0.9316770186335404,0.9582963620230701,0.9813664596273292,0.8260869565217391,0.28438331854480925,0.31233362910381546,0.3222419402543626,0.19432120674356698,0.3334072759538598,0.10115350488021294,0.3464211771665188,0.8837210039295226,0.43850797035814887,0.31540570148607006,0.8260869565217391,0.9316770186335404,0.9582963620230701,0.9813664596273292,0.8260869565217391,0.28438331854480925,0.31233362910381546,0.3222419402543626,0.19432120674356698,0.3334072759538598,0.10115350488021294,0.3464211771665188,0.8837210039295226,0.43850797035814887,0.31540570148607006
|
58 |
+
4,250,0.8296362023070097,0.9316770186335404,0.9645075421472937,0.9831410825199645,0.8296362023070097,0.2854924578527063,0.3120378586217095,0.3216503992901508,0.1955634427684117,0.33555161194912747,0.10133096716947648,0.3471606033717835,0.8865533584034032,0.43960852834160163,0.315856021153325,0.8296362023070097,0.9316770186335404,0.9645075421472937,0.9831410825199645,0.8296362023070097,0.2854924578527063,0.3120378586217095,0.3216503992901508,0.1955634427684117,0.33555161194912747,0.10133096716947648,0.3471606033717835,0.8865533584034032,0.43960852834160163,0.315856021153325
|
59 |
+
4,300,0.8296362023070097,0.9370008873114463,0.9609582963620231,0.9840283939662822,0.8296362023070097,0.28578822833481216,0.31469979296066247,0.32446021887015675,0.19485359361135757,0.33422064477965097,0.10150842945874002,0.3477521443359952,0.8869829298178904,0.4401443628847727,0.31629115153056164,0.8296362023070097,0.9370008873114463,0.9609582963620231,0.9840283939662822,0.8296362023070097,0.28578822833481216,0.31469979296066247,0.32446021887015675,0.19485359361135757,0.33422064477965097,0.10150842945874002,0.3477521443359952,0.8869829298178904,0.4401443628847727,0.31629115153056164
|
60 |
+
4,350,0.834072759538598,0.9343389529724934,0.9600709849157054,0.9822537710736469,0.834072759538598,0.2876367938479739,0.3132209405501331,0.3229074238391008,0.19396628216503992,0.33303756285122743,0.10159716060337179,0.34797397219757464,0.8884554442895175,0.44075975594673394,0.3171574928003693,0.834072759538598,0.9343389529724934,0.9600709849157054,0.9822537710736469,0.834072759538598,0.2876367938479739,0.3132209405501331,0.3229074238391008,0.19396628216503992,0.33303756285122743,0.10159716060337179,0.34797397219757464,0.8884554442895175,0.44075975594673394,0.3171574928003693
|
61 |
+
4,400,0.8349600709849158,0.9343389529724934,0.9618456078083407,0.9831410825199645,0.8349600709849158,0.28726708074534163,0.3138124815143448,0.32364685004436555,0.19520851818988463,0.3347382431233363,0.10159716060337179,0.3479000295770482,0.8891357163983609,0.44090481915247937,0.3172658496938359,0.8349600709849158,0.9343389529724934,0.9618456078083407,0.9831410825199645,0.8349600709849158,0.28726708074534163,0.3138124815143448,0.32364685004436555,0.19520851818988463,0.3347382431233363,0.10159716060337179,0.3479000295770482,0.8891357163983609,0.44090481915247937,0.3172658496938359
|
62 |
+
4,450,0.8331854480922803,0.9414374445430346,0.9645075421472937,0.9831410825199645,0.8331854480922803,0.2868234250221828,0.31588287488908606,0.3257911860396332,0.19538598047914815,0.3351079562259686,0.10106477373558116,0.34627329192546585,0.8897818340586757,0.44043829679304214,0.3173323131185464,0.8331854480922803,0.9414374445430346,0.9645075421472937,0.9831410825199645,0.8331854480922803,0.2868234250221828,0.31588287488908606,0.3257911860396332,0.19538598047914815,0.3351079562259686,0.10106477373558116,0.34627329192546585,0.8897818340586757,0.44043829679304214,0.3173323131185464
|
63 |
+
4,500,0.8296362023070097,0.9432120674356699,0.9698314108251996,0.9813664596273292,0.8296362023070097,0.2857142857142857,0.31647441585329783,0.32630878438331856,0.19662821650399287,0.3373262348417628,0.10106477373558118,0.3461254066844129,0.8893188124110931,0.44047658476216695,0.3171796121289223,0.8296362023070097,0.9432120674356699,0.9698314108251996,0.9813664596273292,0.8296362023070097,0.2857142857142857,0.31647441585329783,0.32630878438331856,0.19662821650399287,0.3373262348417628,0.10106477373558118,0.3461254066844129,0.8893188124110931,0.44047658476216695,0.3171796121289223
|
64 |
+
4,550,0.8305235137533274,0.937888198757764,0.963620230700976,0.9831410825199645,0.8305235137533274,0.2856403430937592,0.31469979296066247,0.32446021887015675,0.19520851818988463,0.33518189884649513,0.10115350488021294,0.34664300502809814,0.8879466486387521,0.439872065191005,0.31627763655136565,0.8305235137533274,0.937888198757764,0.963620230700976,0.9831410825199645,0.8305235137533274,0.2856403430937592,0.31469979296066247,0.32446021887015675,0.19520851818988463,0.33518189884649513,0.10115350488021294,0.34664300502809814,0.8879466486387521,0.439872065191005,0.31627763655136565
|
65 |
+
4,600,0.8322981366459627,0.9423247559893523,0.9653948535936113,0.9875776397515528,0.8322981366459627,0.2870452528837622,0.31617864537119195,0.3258651286601597,0.19538598047914818,0.335477669328601,0.10159716060337178,0.3481218574386276,0.8909011844903598,0.44159099361401954,0.3171780956158456,0.8322981366459627,0.9423247559893523,0.9653948535936113,0.9875776397515528,0.8322981366459627,0.2870452528837622,0.31617864537119195,0.3258651286601597,0.19538598047914818,0.335477669328601,0.10159716060337178,0.3481218574386276,0.8909011844903598,0.44159099361401954,0.3171780956158456
|
66 |
+
4,-1,0.8349600709849158,0.9449866903283053,0.968944099378882,0.9849157054125999,0.8349600709849158,0.28793256433007985,0.3170659568175096,0.3268263827270039,0.19645075421472935,0.33710440698018335,0.10106477373558116,0.3463472345459923,0.8928455233024892,0.44169592573822436,0.31788628933180413,0.8349600709849158,0.9449866903283053,0.968944099378882,0.9849157054125999,0.8349600709849158,0.28793256433007985,0.3170659568175096,0.3268263827270039,0.19645075421472935,0.33710440698018335,0.10106477373558116,0.3463472345459923,0.8928455233024892,0.44169592573822436,0.31788628933180413
|
67 |
+
0,50,0.47737355811889975,0.6433007985803016,0.7160603371783496,0.7888198757763976,0.47737355811889975,0.1642265601892931,0.21532091097308487,0.22264123040520556,0.14498669032830522,0.24911268855368235,0.08083407275953859,0.2779503105590062,0.5772239123392627,0.3033578893910854,0.20877256699979355,0.47737355811889975,0.6433007985803016,0.7160603371783496,0.7888198757763976,0.47737355811889975,0.1642265601892931,0.21532091097308487,0.22264123040520556,0.14498669032830522,0.24911268855368235,0.08083407275953859,0.2779503105590062,0.5772239123392627,0.3033578893910854,0.20877271844397285
|
68 |
+
0,100,0.47737355811889975,0.6433007985803016,0.7160603371783496,0.7888198757763976,0.47737355811889975,0.1642265601892931,0.21532091097308487,0.22264123040520556,0.14498669032830522,0.24911268855368235,0.08083407275953859,0.2779503105590062,0.5772239123392627,0.3033578893910854,0.20877256699979355,0.47737355811889975,0.6433007985803016,0.7160603371783496,0.7888198757763976,0.47737355811889975,0.1642265601892931,0.21532091097308487,0.22264123040520556,0.14498669032830522,0.24911268855368235,0.08083407275953859,0.2779503105590062,0.5772239123392627,0.3033578893910854,0.20877271844397285
|
69 |
+
0,150,0.47737355811889975,0.6433007985803016,0.7160603371783496,0.7888198757763976,0.47737355811889975,0.1642265601892931,0.21532091097308487,0.22264123040520556,0.14498669032830522,0.24911268855368235,0.08083407275953859,0.2779503105590062,0.5772239123392627,0.3033578893910854,0.20877256699979355,0.47737355811889975,0.6433007985803016,0.7160603371783496,0.7888198757763976,0.47737355811889975,0.1642265601892931,0.21532091097308487,0.22264123040520556,0.14498669032830522,0.24911268855368235,0.08083407275953859,0.2779503105590062,0.5772239123392627,0.3033578893910854,0.20877271844397285
|
70 |
+
0,200,0.47737355811889975,0.6433007985803016,0.7160603371783496,0.7888198757763976,0.47737355811889975,0.1642265601892931,0.21532091097308487,0.22264123040520556,0.14498669032830522,0.24911268855368235,0.08083407275953859,0.2779503105590062,0.5772239123392627,0.3033578893910854,0.20877256699979355,0.47737355811889975,0.6433007985803016,0.7160603371783496,0.7888198757763976,0.47737355811889975,0.1642265601892931,0.21532091097308487,0.22264123040520556,0.14498669032830522,0.24911268855368235,0.08083407275953859,0.2779503105590062,0.5772239123392627,0.3033578893910854,0.20877271844397285
|
71 |
+
0,250,0.47737355811889975,0.6433007985803016,0.7160603371783496,0.7888198757763976,0.47737355811889975,0.1642265601892931,0.21532091097308487,0.22264123040520556,0.14498669032830522,0.24911268855368235,0.08083407275953859,0.2779503105590062,0.5772239123392627,0.3033578893910854,0.20877256699979355,0.47737355811889975,0.6433007985803016,0.7160603371783496,0.7888198757763976,0.47737355811889975,0.1642265601892931,0.21532091097308487,0.22264123040520556,0.14498669032830522,0.24911268855368235,0.08083407275953859,0.2779503105590062,0.5772239123392627,0.3033578893910854,0.20877271844397285
|
72 |
+
0,300,0.47737355811889975,0.6433007985803016,0.7160603371783496,0.7888198757763976,0.47737355811889975,0.1642265601892931,0.21532091097308487,0.22264123040520556,0.14498669032830522,0.24911268855368235,0.08083407275953859,0.2779503105590062,0.5772239123392627,0.3033578893910854,0.20877256699979355,0.47737355811889975,0.6433007985803016,0.7160603371783496,0.7888198757763976,0.47737355811889975,0.1642265601892931,0.21532091097308487,0.22264123040520556,0.14498669032830522,0.24911268855368235,0.08083407275953859,0.2779503105590062,0.5772239123392627,0.3033578893910854,0.20877271844397285
|
73 |
+
0,350,0.47737355811889975,0.6433007985803016,0.7160603371783496,0.7888198757763976,0.47737355811889975,0.1642265601892931,0.21532091097308487,0.22264123040520556,0.14498669032830522,0.24911268855368235,0.08083407275953859,0.2779503105590062,0.5772239123392627,0.3033578893910854,0.20877256699979355,0.47737355811889975,0.6433007985803016,0.7160603371783496,0.7888198757763976,0.47737355811889975,0.1642265601892931,0.21532091097308487,0.22264123040520556,0.14498669032830522,0.24911268855368235,0.08083407275953859,0.2779503105590062,0.5772239123392627,0.3033578893910854,0.20877271844397285
|
74 |
+
0,400,0.47737355811889975,0.6433007985803016,0.7160603371783496,0.7888198757763976,0.47737355811889975,0.1642265601892931,0.21532091097308487,0.22264123040520556,0.14498669032830522,0.24911268855368235,0.08083407275953859,0.2779503105590062,0.5772239123392627,0.3033578893910854,0.20877256699979355,0.47737355811889975,0.6433007985803016,0.7160603371783496,0.7888198757763976,0.47737355811889975,0.1642265601892931,0.21532091097308487,0.22264123040520556,0.14498669032830522,0.24911268855368235,0.08083407275953859,0.2779503105590062,0.5772239123392627,0.3033578893910854,0.20877271844397285
|
75 |
+
0,450,0.47737355811889975,0.6433007985803016,0.7160603371783496,0.7888198757763976,0.47737355811889975,0.1642265601892931,0.21532091097308487,0.22264123040520556,0.14498669032830522,0.24911268855368235,0.08083407275953859,0.2779503105590062,0.5772239123392627,0.3033578893910854,0.20877256699979355,0.47737355811889975,0.6433007985803016,0.7160603371783496,0.7888198757763976,0.47737355811889975,0.1642265601892931,0.21532091097308487,0.22264123040520556,0.14498669032830522,0.24911268855368235,0.08083407275953859,0.2779503105590062,0.5772239123392627,0.3033578893910854,0.20877271844397285
|
76 |
+
0,500,0.47737355811889975,0.6433007985803016,0.7160603371783496,0.7888198757763976,0.47737355811889975,0.1642265601892931,0.21532091097308487,0.22264123040520556,0.14498669032830522,0.24911268855368235,0.08083407275953859,0.2779503105590062,0.5772239123392627,0.3033578893910854,0.20877256699979355,0.47737355811889975,0.6433007985803016,0.7160603371783496,0.7888198757763976,0.47737355811889975,0.1642265601892931,0.21532091097308487,0.22264123040520556,0.14498669032830522,0.24911268855368235,0.08083407275953859,0.2779503105590062,0.5772239123392627,0.3033578893910854,0.20877271844397285
|
77 |
+
0,550,0.47737355811889975,0.6433007985803016,0.7160603371783496,0.7888198757763976,0.47737355811889975,0.1642265601892931,0.21532091097308487,0.22264123040520556,0.14498669032830522,0.24911268855368235,0.08083407275953859,0.2779503105590062,0.5772239123392627,0.3033578893910854,0.20877256699979355,0.47737355811889975,0.6433007985803016,0.7160603371783496,0.7888198757763976,0.47737355811889975,0.1642265601892931,0.21532091097308487,0.22264123040520556,0.14498669032830522,0.24911268855368235,0.08083407275953859,0.2779503105590062,0.5772239123392627,0.3033578893910854,0.20877271844397285
|
78 |
+
0,600,0.47737355811889975,0.6433007985803016,0.7160603371783496,0.7888198757763976,0.47737355811889975,0.1642265601892931,0.21532091097308487,0.22264123040520556,0.14498669032830522,0.24911268855368235,0.08083407275953859,0.2779503105590062,0.5772239123392627,0.3033578893910854,0.20877256699979355,0.47737355811889975,0.6433007985803016,0.7160603371783496,0.7888198757763976,0.47737355811889975,0.1642265601892931,0.21532091097308487,0.22264123040520556,0.14498669032830522,0.24911268855368235,0.08083407275953859,0.2779503105590062,0.5772239123392627,0.3033578893910854,0.20877271844397285
|
79 |
+
0,-1,0.47737355811889975,0.6433007985803016,0.7160603371783496,0.7888198757763976,0.47737355811889975,0.1642265601892931,0.21532091097308487,0.22264123040520556,0.14498669032830522,0.24911268855368235,0.08083407275953859,0.2779503105590062,0.5772239123392627,0.3033578893910854,0.20877256699979355,0.47737355811889975,0.6433007985803016,0.7160603371783496,0.7888198757763976,0.47737355811889975,0.1642265601892931,0.21532091097308487,0.22264123040520556,0.14498669032830522,0.24911268855368235,0.08083407275953859,0.2779503105590062,0.5772239123392627,0.3033578893910854,0.20877271844397285
|
model.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:0b3c8c717335c801abb15983036a6f1df4b6943fd6b93717969efd96d22eeec6
|
3 |
+
size 437967672
|
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 |
+
]
|
sentence_bert_config.json
ADDED
@@ -0,0 +1,4 @@
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"max_seq_length": 384,
|
3 |
+
"do_lower_case": false
|
4 |
+
}
|
special_tokens_map.json
ADDED
@@ -0,0 +1,51 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"bos_token": {
|
3 |
+
"content": "<s>",
|
4 |
+
"lstrip": false,
|
5 |
+
"normalized": false,
|
6 |
+
"rstrip": false,
|
7 |
+
"single_word": false
|
8 |
+
},
|
9 |
+
"cls_token": {
|
10 |
+
"content": "<s>",
|
11 |
+
"lstrip": false,
|
12 |
+
"normalized": true,
|
13 |
+
"rstrip": false,
|
14 |
+
"single_word": false
|
15 |
+
},
|
16 |
+
"eos_token": {
|
17 |
+
"content": "</s>",
|
18 |
+
"lstrip": false,
|
19 |
+
"normalized": false,
|
20 |
+
"rstrip": false,
|
21 |
+
"single_word": false
|
22 |
+
},
|
23 |
+
"mask_token": {
|
24 |
+
"content": "<mask>",
|
25 |
+
"lstrip": true,
|
26 |
+
"normalized": false,
|
27 |
+
"rstrip": false,
|
28 |
+
"single_word": false
|
29 |
+
},
|
30 |
+
"pad_token": {
|
31 |
+
"content": "<pad>",
|
32 |
+
"lstrip": false,
|
33 |
+
"normalized": false,
|
34 |
+
"rstrip": false,
|
35 |
+
"single_word": false
|
36 |
+
},
|
37 |
+
"sep_token": {
|
38 |
+
"content": "</s>",
|
39 |
+
"lstrip": false,
|
40 |
+
"normalized": true,
|
41 |
+
"rstrip": false,
|
42 |
+
"single_word": false
|
43 |
+
},
|
44 |
+
"unk_token": {
|
45 |
+
"content": "[UNK]",
|
46 |
+
"lstrip": false,
|
47 |
+
"normalized": false,
|
48 |
+
"rstrip": false,
|
49 |
+
"single_word": false
|
50 |
+
}
|
51 |
+
}
|
tokenizer.json
ADDED
The diff for this file is too large to render.
See raw diff
|
|
tokenizer_config.json
ADDED
@@ -0,0 +1,72 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"added_tokens_decoder": {
|
3 |
+
"0": {
|
4 |
+
"content": "<s>",
|
5 |
+
"lstrip": false,
|
6 |
+
"normalized": false,
|
7 |
+
"rstrip": false,
|
8 |
+
"single_word": false,
|
9 |
+
"special": true
|
10 |
+
},
|
11 |
+
"1": {
|
12 |
+
"content": "<pad>",
|
13 |
+
"lstrip": false,
|
14 |
+
"normalized": false,
|
15 |
+
"rstrip": false,
|
16 |
+
"single_word": false,
|
17 |
+
"special": true
|
18 |
+
},
|
19 |
+
"2": {
|
20 |
+
"content": "</s>",
|
21 |
+
"lstrip": false,
|
22 |
+
"normalized": false,
|
23 |
+
"rstrip": false,
|
24 |
+
"single_word": false,
|
25 |
+
"special": true
|
26 |
+
},
|
27 |
+
"3": {
|
28 |
+
"content": "<unk>",
|
29 |
+
"lstrip": false,
|
30 |
+
"normalized": true,
|
31 |
+
"rstrip": false,
|
32 |
+
"single_word": false,
|
33 |
+
"special": true
|
34 |
+
},
|
35 |
+
"104": {
|
36 |
+
"content": "[UNK]",
|
37 |
+
"lstrip": false,
|
38 |
+
"normalized": false,
|
39 |
+
"rstrip": false,
|
40 |
+
"single_word": false,
|
41 |
+
"special": true
|
42 |
+
},
|
43 |
+
"30526": {
|
44 |
+
"content": "<mask>",
|
45 |
+
"lstrip": true,
|
46 |
+
"normalized": false,
|
47 |
+
"rstrip": false,
|
48 |
+
"single_word": false,
|
49 |
+
"special": true
|
50 |
+
}
|
51 |
+
},
|
52 |
+
"bos_token": "<s>",
|
53 |
+
"clean_up_tokenization_spaces": true,
|
54 |
+
"cls_token": "<s>",
|
55 |
+
"do_lower_case": true,
|
56 |
+
"eos_token": "</s>",
|
57 |
+
"mask_token": "<mask>",
|
58 |
+
"max_length": 128,
|
59 |
+
"model_max_length": 512,
|
60 |
+
"pad_to_multiple_of": null,
|
61 |
+
"pad_token": "<pad>",
|
62 |
+
"pad_token_type_id": 0,
|
63 |
+
"padding_side": "right",
|
64 |
+
"sep_token": "</s>",
|
65 |
+
"stride": 0,
|
66 |
+
"strip_accents": null,
|
67 |
+
"tokenize_chinese_chars": true,
|
68 |
+
"tokenizer_class": "MPNetTokenizer",
|
69 |
+
"truncation_side": "right",
|
70 |
+
"truncation_strategy": "longest_first",
|
71 |
+
"unk_token": "[UNK]"
|
72 |
+
}
|
vocab.txt
ADDED
The diff for this file is too large to render.
See raw diff
|
|