96abhishekarora commited on
Commit
af65d96
1 Parent(s): 37f5aa1

Updated model with better training and evaluation. Test and val data included as pickle files. Older Legacy files were removed to avoid confusion.

Browse files
.gitattributes CHANGED
@@ -1,40 +1,6 @@
1
- *.7z filter=lfs diff=lfs merge=lfs -text
2
- *.arrow filter=lfs diff=lfs merge=lfs -text
3
- *.bin filter=lfs diff=lfs merge=lfs -text
4
- *.bz2 filter=lfs diff=lfs merge=lfs -text
5
- *.ckpt filter=lfs diff=lfs merge=lfs -text
6
- *.ftz filter=lfs diff=lfs merge=lfs -text
7
- *.gz filter=lfs diff=lfs merge=lfs -text
8
- *.h5 filter=lfs diff=lfs merge=lfs -text
9
- *.joblib filter=lfs diff=lfs merge=lfs -text
10
- *.lfs.* filter=lfs diff=lfs merge=lfs -text
11
- *.mlmodel filter=lfs diff=lfs merge=lfs -text
12
- *.model filter=lfs diff=lfs merge=lfs -text
13
- *.msgpack filter=lfs diff=lfs merge=lfs -text
14
- *.npy filter=lfs diff=lfs merge=lfs -text
15
- *.npz filter=lfs diff=lfs merge=lfs -text
16
- *.onnx filter=lfs diff=lfs merge=lfs -text
17
- *.ot filter=lfs diff=lfs merge=lfs -text
18
- *.parquet filter=lfs diff=lfs merge=lfs -text
19
- *.pb filter=lfs diff=lfs merge=lfs -text
20
- *.pickle filter=lfs diff=lfs merge=lfs -text
21
- *.pkl filter=lfs diff=lfs merge=lfs -text
22
- *.pt filter=lfs diff=lfs merge=lfs -text
23
- *.pth filter=lfs diff=lfs merge=lfs -text
24
- *.rar filter=lfs diff=lfs merge=lfs -text
25
- *.safetensors filter=lfs diff=lfs merge=lfs -text
26
- saved_model/**/* filter=lfs diff=lfs merge=lfs -text
27
- *.tar.* filter=lfs diff=lfs merge=lfs -text
28
- *.tar filter=lfs diff=lfs merge=lfs -text
29
- *.tflite filter=lfs diff=lfs merge=lfs -text
30
- *.tgz filter=lfs diff=lfs merge=lfs -text
31
- *.wasm filter=lfs diff=lfs merge=lfs -text
32
- *.xz filter=lfs diff=lfs merge=lfs -text
33
- *.zip filter=lfs diff=lfs merge=lfs -text
34
- *.zst filter=lfs diff=lfs merge=lfs -text
35
- *tfevents* filter=lfs diff=lfs merge=lfs -text
36
- pytorch_model.bin filter=lfs diff=lfs merge=lfs -text
37
- .git/lfs/objects/21/f6/21f62a2f5d51a4a54c4b42e01fb10b45fc505cae8c7ad33ea62a89790a951532 filter=lfs diff=lfs merge=lfs -text
38
  model.safetensors filter=lfs diff=lfs merge=lfs -text
 
39
  .git/lfs/objects/3a/24/3a24ab799bbbdf5df9869468abcb2eb4c97436c5eb810627cdd569b2e926572b filter=lfs diff=lfs merge=lfs -text
40
- .git/lfs/objects/4d/88/4d88dbbf624b0416b72827f3c8d16f8e21f1a59f8047e737eece87fb5a10b424 filter=lfs diff=lfs merge=lfs -text
 
1
+ val_data.pickle filter=lfs diff=lfs merge=lfs -text
2
+ linkage_en_aliases_train.csv filter=lfs diff=lfs merge=lfs -text
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
3
  model.safetensors filter=lfs diff=lfs merge=lfs -text
4
+ .git/lfs/objects/f9/fd/f9fd3575f11cffb2c51379c89222cf7d37d1de659dd27639a0a118eaa88e96df filter=lfs diff=lfs merge=lfs -text
5
  .git/lfs/objects/3a/24/3a24ab799bbbdf5df9869468abcb2eb4c97436c5eb810627cdd569b2e926572b filter=lfs diff=lfs merge=lfs -text
6
+ test_data.pickle filter=lfs diff=lfs merge=lfs -text
1_Pooling/config.json CHANGED
@@ -1,5 +1,5 @@
1
  {
2
- "word_embedding_dimension": 1024,
3
  "pooling_mode_cls_token": true,
4
  "pooling_mode_mean_tokens": false,
5
  "pooling_mode_max_tokens": false,
 
1
  {
2
+ "word_embedding_dimension": 768,
3
  "pooling_mode_cls_token": true,
4
  "pooling_mode_mean_tokens": false,
5
  "pooling_mode_max_tokens": false,
Information-Retrieval_evaluation_eval_results.csv ADDED
@@ -0,0 +1,2 @@
 
 
 
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
2
+ 0,0,0.4830188679245283,0.5470396877033181,0.5702016916070267,0.5964866623292128,0.4830188679245283,0.35878892090342973,0.23409238776837996,0.46945750844254425,0.15284320104098895,0.4993758713635096,0.08229017566688356,0.5303051708647024,0.5203275294069059,0.49131382959168235,0.46161475604772945
Information-Retrieval_evaluation_test_results.csv ADDED
@@ -0,0 +1,2 @@
 
 
 
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
2
+ 0,0,0.7016213389121339,0.767913179916318,0.7893566945606695,0.8169456066945606,0.7016213389121339,0.5473436358504351,0.3375610181311018,0.7001108288503685,0.21404288702928873,0.7281750182639304,0.11333682008368201,0.7618745641562064,0.7402573346284121,0.718727181223866,0.6917150004188903
LT_training_config.json CHANGED
@@ -1,10 +1,10 @@
1
  {
2
  "model_save_dir": "models",
3
- "model_save_name": "linkage_en_aliases_large",
4
- "opt_model_description": "This model was trained on a dataset consisting of company aliases from wiki data using the LinkTransformer framework. \n It was trained for 30 epochs using other defaults that can be found in the repo's LinkTransformer config file - LT_training_config.json \n ",
5
  "opt_model_lang": "en",
6
- "train_batch_size": 256,
7
- "num_epochs": 30,
8
  "warm_up_perc": 1,
9
  "learning_rate": 2e-05,
10
  "loss_type": "supcon",
@@ -12,7 +12,7 @@
12
  "wandb_names": {
13
  "project": "linkage",
14
  "id": "econabhishek",
15
- "run": "linkage_en_aliases_large",
16
  "entity": "econabhishek"
17
  },
18
  "add_pooling_layer": false,
@@ -24,6 +24,6 @@
24
  "loss_params": {},
25
  "eval_type": "retrieval",
26
  "training_dataset": "dataframe",
27
- "base_model_path": "BAAI/bge-large-en-v1.5",
28
- "best_model_path": "models/linkage_en_aliases_large"
29
  }
 
1
  {
2
  "model_save_dir": "models",
3
+ "model_save_name": "linkage_en_aliases",
4
+ "opt_model_description": "This model was trained on a dataset consisting of company aliases from wiki data using the LinkTransformer framework. \n It was trained for 100 epochs using other defaults that can be found in the repo's LinkTransformer config file - LT_training_config.json \n ",
5
  "opt_model_lang": "en",
6
+ "train_batch_size": 64,
7
+ "num_epochs": 100,
8
  "warm_up_perc": 1,
9
  "learning_rate": 2e-05,
10
  "loss_type": "supcon",
 
12
  "wandb_names": {
13
  "project": "linkage",
14
  "id": "econabhishek",
15
+ "run": "linkage_en_aliases",
16
  "entity": "econabhishek"
17
  },
18
  "add_pooling_layer": false,
 
24
  "loss_params": {},
25
  "eval_type": "retrieval",
26
  "training_dataset": "dataframe",
27
+ "base_model_path": "multi-qa-mpnet-base-dot-v1",
28
+ "best_model_path": "models/linkage_en_aliases"
29
  }
README.md CHANGED
@@ -10,20 +10,20 @@ tags:
10
 
11
  ---
12
 
13
- # dell-research-harvard/lt-wikidata-comp-en
14
 
15
  This is a [LinkTransformer](https://linktransformer.github.io/) model. At its core this model this is a sentence transformer model [sentence-transformers](https://www.SBERT.net) model- it just wraps around the class.
16
  It is designed for quick and easy record linkage (entity-matching) through the LinkTransformer package. The tasks include clustering, deduplication, linking, aggregation and more.
17
  Notwithstanding that, it can be used for any sentence similarity task within the sentence-transformers framework as well.
18
- It maps sentences & paragraphs to a 1024 dimensional dense vector space and can be used for tasks like clustering or semantic search.
19
  Take a look at the documentation of [sentence-transformers](https://www.sbert.net/index.html) if you want to use this model for more than what we support in our applications.
20
 
21
 
22
- This model has been fine-tuned on the model : BAAI/bge-large-en-v1.5. It is pretrained for the language : - en.
23
 
24
 
25
  This model was trained on a dataset consisting of company aliases from wiki data using the LinkTransformer framework.
26
- It was trained for 30 epochs using other defaults that can be found in the repo's LinkTransformer config file - LT_training_config.json
27
 
28
 
29
  ## Usage (LinkTransformer)
@@ -97,9 +97,9 @@ The model was trained with the parameters:
97
 
98
  **DataLoader**:
99
 
100
- `torch.utils.data.dataloader.DataLoader` of length 522 with parameters:
101
  ```
102
- {'batch_size': 256, 'sampler': 'torch.utils.data.dataloader._InfiniteConstantSampler', 'batch_sampler': 'torch.utils.data.sampler.BatchSampler'}
103
  ```
104
 
105
  **Loss**:
@@ -109,8 +109,8 @@ The model was trained with the parameters:
109
  Parameters of the fit()-Method:
110
  ```
111
  {
112
- "epochs": 30,
113
- "evaluation_steps": 261,
114
  "evaluator": "sentence_transformers.evaluation.SequentialEvaluator.SequentialEvaluator",
115
  "max_grad_norm": 1,
116
  "optimizer_class": "<class 'torch.optim.adamw.AdamW'>",
@@ -119,7 +119,7 @@ Parameters of the fit()-Method:
119
  },
120
  "scheduler": "WarmupLinear",
121
  "steps_per_epoch": null,
122
- "warmup_steps": 15660,
123
  "weight_decay": 0.01
124
  }
125
  ```
@@ -128,9 +128,8 @@ Parameters of the fit()-Method:
128
 
129
 
130
  LinkTransformer(
131
- (0): Transformer({'max_seq_length': 512, 'do_lower_case': True}) with Transformer model: BertModel
132
- (1): Pooling({'word_embedding_dimension': 1024, 'pooling_mode_cls_token': True, 'pooling_mode_mean_tokens': False, 'pooling_mode_max_tokens': False, 'pooling_mode_mean_sqrt_len_tokens': False, 'pooling_mode_weightedmean_tokens': False, 'pooling_mode_lasttoken': False})
133
- (2): Normalize()
134
  )
135
  ```
136
 
 
10
 
11
  ---
12
 
13
+ # {MODEL_NAME}
14
 
15
  This is a [LinkTransformer](https://linktransformer.github.io/) model. At its core this model this is a sentence transformer model [sentence-transformers](https://www.SBERT.net) model- it just wraps around the class.
16
  It is designed for quick and easy record linkage (entity-matching) through the LinkTransformer package. The tasks include clustering, deduplication, linking, aggregation and more.
17
  Notwithstanding that, it can be used for any sentence similarity task within the sentence-transformers framework as well.
18
+ It maps sentences & paragraphs to a 768 dimensional dense vector space and can be used for tasks like clustering or semantic search.
19
  Take a look at the documentation of [sentence-transformers](https://www.sbert.net/index.html) if you want to use this model for more than what we support in our applications.
20
 
21
 
22
+ This model has been fine-tuned on the model : multi-qa-mpnet-base-dot-v1. It is pretrained for the language : - en.
23
 
24
 
25
  This model was trained on a dataset consisting of company aliases from wiki data using the LinkTransformer framework.
26
+ It was trained for 100 epochs using other defaults that can be found in the repo's LinkTransformer config file - LT_training_config.json
27
 
28
 
29
  ## Usage (LinkTransformer)
 
97
 
98
  **DataLoader**:
99
 
100
+ `torch.utils.data.dataloader.DataLoader` of length 2087 with parameters:
101
  ```
102
+ {'batch_size': 64, 'sampler': 'torch.utils.data.dataloader._InfiniteConstantSampler', 'batch_sampler': 'torch.utils.data.sampler.BatchSampler'}
103
  ```
104
 
105
  **Loss**:
 
109
  Parameters of the fit()-Method:
110
  ```
111
  {
112
+ "epochs": 100,
113
+ "evaluation_steps": 1044,
114
  "evaluator": "sentence_transformers.evaluation.SequentialEvaluator.SequentialEvaluator",
115
  "max_grad_norm": 1,
116
  "optimizer_class": "<class 'torch.optim.adamw.AdamW'>",
 
119
  },
120
  "scheduler": "WarmupLinear",
121
  "steps_per_epoch": null,
122
+ "warmup_steps": 208700,
123
  "weight_decay": 0.01
124
  }
125
  ```
 
128
 
129
 
130
  LinkTransformer(
131
+ (0): Transformer({'max_seq_length': 512, 'do_lower_case': False}) with Transformer model: MPNetModel
132
+ (1): Pooling({'word_embedding_dimension': 768, 'pooling_mode_cls_token': True, 'pooling_mode_mean_tokens': False, 'pooling_mode_max_tokens': False, 'pooling_mode_mean_sqrt_len_tokens': False, 'pooling_mode_weightedmean_tokens': False, 'pooling_mode_lasttoken': False})
 
133
  )
134
  ```
135
 
config.json CHANGED
@@ -1,32 +1,24 @@
1
  {
2
- "_name_or_path": "models/linkage_en_aliases_large",
3
  "architectures": [
4
- "BertModel"
5
  ],
6
  "attention_probs_dropout_prob": 0.1,
7
- "classifier_dropout": null,
8
- "gradient_checkpointing": false,
9
  "hidden_act": "gelu",
10
  "hidden_dropout_prob": 0.1,
11
- "hidden_size": 1024,
12
- "id2label": {
13
- "0": "LABEL_0"
14
- },
15
  "initializer_range": 0.02,
16
- "intermediate_size": 4096,
17
- "label2id": {
18
- "LABEL_0": 0
19
- },
20
- "layer_norm_eps": 1e-12,
21
- "max_position_embeddings": 512,
22
- "model_type": "bert",
23
- "num_attention_heads": 16,
24
- "num_hidden_layers": 24,
25
- "pad_token_id": 0,
26
- "position_embedding_type": "absolute",
27
  "torch_dtype": "float32",
28
  "transformers_version": "4.35.1",
29
- "type_vocab_size": 2,
30
- "use_cache": true,
31
- "vocab_size": 30522
32
  }
 
1
  {
2
+ "_name_or_path": "sentence-transformers/multi-qa-mpnet-base-dot-v1",
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.1",
23
+ "vocab_size": 30527
 
 
24
  }
config_sentence_transformers.json CHANGED
@@ -1,7 +1,7 @@
1
  {
2
  "__version__": {
3
- "sentence_transformers": "2.2.2",
4
- "transformers": "4.28.1",
5
- "pytorch": "1.13.0+cu117"
6
  }
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_eval_results.csv ADDED
@@ -0,0 +1,201 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ epoch,steps,cos_sim-Accuracy@1,cos_sim-Accuracy@3,cos_sim-Accuracy@5,cos_sim-Accuracy@10,cos_sim-Precision@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
2
+ 0,1044,0.504619388418998,0.5634352635003254,0.5845152895250488,0.6092387768379961,0.504619388418998,0.3783681878737182,0.24263717198004772,0.48773228614803105,0.15768379960962917,0.5160763082070824,0.08458035133376708,0.545068624717291,0.5389122801582145,0.5100981596099827,0.4821048265616875
3
+ 0,-1,0.5104749512036435,0.5653871177618738,0.586857514638907,0.6118412491867274,0.5104749512036435,0.3834972271276761,0.24424202992843197,0.4903652755832326,0.1587768379960963,0.5196576509588872,0.08493168510084581,0.547545620720637,0.5432258264398805,0.5140910595503746,0.4868537493705445
4
+ 1,1044,0.5047495120364346,0.5591411841249186,0.580871828236825,0.6045543266102797,0.5047495120364346,0.3794568888062707,0.2416395575797007,0.48571769371379003,0.15672088484059857,0.5133361216965642,0.08361743656473651,0.5395789571521517,0.5371339240532477,0.5075425869268005,0.481312249392385
5
+ 1,-1,0.5072218607677293,0.5586206896551724,0.5785296031229669,0.6046844502277163,0.5072218607677293,0.3814412739721783,0.2409889394925179,0.484618149146451,0.15607026675341576,0.5108386776961924,0.08353936239427456,0.5397763113052638,0.5381342235441134,0.5079798612531765,0.48205000204716014
6
+ 2,1044,0.5069616135328562,0.5616135328562134,0.5811320754716981,0.6057254391672089,0.5069616135328562,0.380684388264089,0.24229017566688354,0.48693001208290737,0.15651268705270008,0.5131115035474176,0.08383864671437867,0.5415449081389224,0.5391099441294637,0.5090232518345078,0.48295187360165054
7
+ 2,-1,0.5051398828887443,0.5567989590110605,0.5802212101496421,0.6063760572543917,0.5051398828887443,0.3787216903677541,0.23994795055302537,0.4829646497505964,0.15630448926480156,0.5129638752052544,0.08402081977878986,0.5431268395451869,0.5369820615298825,0.5079592253347645,0.4813644250911325
8
+ 3,1044,0.5060507482108002,0.5586206896551724,0.5807417046193885,0.6081977878985035,0.5060507482108002,0.3796325556898101,0.2409889394925179,0.4847205440406481,0.156590761223162,0.5139191994299347,0.0843070917371503,0.5451567679771974,0.5380257355598937,0.5093143237647106,0.4827853554458532
9
+ 3,-1,0.5029277813923227,0.557839947950553,0.5810019518542615,0.6087182823682499,0.5029277813923227,0.37777178796046723,0.2404684450227716,0.4840776714068841,0.15705920624593364,0.5150655265359234,0.08443721535458687,0.5458419307866281,0.535970815131518,0.508435159166859,0.4818661672283293
10
+ 4,1044,0.504359141184125,0.5607026675341574,0.5846454131424854,0.6130123617436565,0.504359141184125,0.3793874895436379,0.24194317935371937,0.48715075750534437,0.15812621990891348,0.5187505034544723,0.08506180871828238,0.5505480682839173,0.5383349856967298,0.5117404359597679,0.485130240739244
11
+ 4,-1,0.5044892648015615,0.56174365647365,0.5852960312296682,0.6156148340923878,0.5044892648015615,0.3796585804132974,0.24229017566688354,0.4881321064535118,0.15830839297332466,0.5194390742634074,0.08533506831489915,0.5525073581807478,0.5390201485061605,0.5127656257825216,0.48609752631658315
12
+ 5,1044,0.5038386467143786,0.5597918022121015,0.5824333116460637,0.6171763175016265,0.5038386467143786,0.3789289587012424,0.24116243764909998,0.48622393654924556,0.15768379960962914,0.5177107537875267,0.0853220559531555,0.552758930507792,0.5381108322747885,0.5119413079959121,0.4851991726817433
13
+ 5,-1,0.504359141184125,0.5621340273259596,0.586857514638907,0.62121014964216,0.504359141184125,0.3796771695015026,0.24276729559748425,0.4886011711125569,0.1587768379960963,0.5217988041019922,0.08597267404033833,0.5575223843603806,0.5401132385289842,0.5149581145708111,0.4877469272834293
14
+ 6,1044,0.5044892648015615,0.5603122966818478,0.5851659076122316,0.6202992843201041,0.5044892648015615,0.37965858041329736,0.2414226848839731,0.4867447408371286,0.15846454131424856,0.5204043126684635,0.0858555627846454,0.5569346593549587,0.539626514236144,0.5141936309084977,0.4870252991577028
15
+ 6,-1,0.505530253741054,0.5616135328562134,0.5869876382563435,0.6235523747560182,0.505530253741054,0.38040369303219007,0.24181305573628278,0.48773151160268924,0.1587768379960963,0.5213455401679215,0.08635003253090436,0.5603968770331815,0.540899298778284,0.5159805122696298,0.48843162008940316
16
+ 7,1044,0.504619388418998,0.562003903708523,0.5852960312296682,0.6245933636955108,0.504619388418998,0.38031694395389903,0.24220342658859245,0.4885881587508133,0.1583864671437866,0.5198989992874182,0.08638906961613534,0.5611931096446385,0.5405259162871403,0.5161726950340361,0.48886625143598916
17
+ 7,-1,0.5035783994795056,0.5609629147690306,0.5876382563435264,0.6264150943396226,0.5035783994795056,0.37879108963038693,0.24168293211884623,0.48720884840598566,0.15867273910214705,0.5213749728909131,0.08649316851008458,0.5628819283080831,0.5402609701438593,0.5159283979318633,0.48793119924815753
18
+ 8,1044,0.5111255692908263,0.5681197137280416,0.5916720884840598,0.6317501626545218,0.5111255692908263,0.3846683396846051,0.24584688787681633,0.4948393592960932,0.16072869225764477,0.5271307742355237,0.08736499674690958,0.568207392260743,0.5468167219175686,0.522521312925329,0.4949383323063184
19
+ 8,-1,0.5040988939492518,0.5635653871177618,0.5895901106050748,0.6305790500975927,0.5040988939492518,0.379828980388512,0.24289741921492083,0.48962573969080153,0.1592192582953806,0.52351116894383,0.08694860117111257,0.5668153793723085,0.541525544505376,0.5181046396773706,0.48984887011733047
20
+ 9,1044,0.5069616135328562,0.564736499674691,0.5927130774235524,0.6352635003253091,0.5069616135328562,0.3817080273879233,0.24385165907612233,0.4916101248567091,0.1597918022121015,0.5259760820398426,0.08756018217306442,0.5713325278061777,0.5443580051842908,0.5211372066909321,0.4923980901326972
21
+ 9,-1,0.5095640858815875,0.5682498373454782,0.5944046844502278,0.6360442420299285,0.5095640858815875,0.3836273507451126,0.24549989156365212,0.49456176224556186,0.16093689004554326,0.5286445456517024,0.08791151594014315,0.5731712984478111,0.5467759291962295,0.5236705899053831,0.49524366984232826
22
+ 10,1044,0.5103448275862069,0.5686402081977879,0.596096291476903,0.6411190631099545,0.5103448275862069,0.38432134337144097,0.24536976794621554,0.49467980295566505,0.16067664281067015,0.529112990674474,0.08830188679245285,0.5775924032592868,0.5481596286313276,0.5253689902731895,0.49592286905405053
23
+ 10,-1,0.5099544567338972,0.569811320754717,0.5971372804163956,0.6403383214053351,0.5099544567338972,0.3835297580320352,0.2455866406419432,0.495449701025498,0.16117111255692906,0.5305440406481395,0.08827586206896551,0.5765696935898628,0.5483970525967929,0.5252941626672325,0.4961514235426563
24
+ 11,1044,0.5098243331164607,0.5712426805465192,0.5984385165907612,0.6430709173715029,0.5098243331164607,0.3837357870929764,0.24645413142485362,0.49641912197540033,0.16148340923877683,0.5310540013012361,0.08877033181522447,0.5797447098553149,0.5491014241307025,0.5268544788726878,0.49725993680365105
25
+ 11,-1,0.5099544567338972,0.5712426805465192,0.5980481457384516,0.6416395575797007,0.5099544567338972,0.3837249434581901,0.24645413142485362,0.49695696626080493,0.16130123617436565,0.5313923227065712,0.08841899804814575,0.5781364439074264,0.5486722227385865,0.5261437414338608,0.4970693970870584
26
+ 12,1044,0.5126870527000651,0.5726740403383214,0.6032530904359141,0.6468445022771633,0.5126870527000651,0.385546674102302,0.24758186944263716,0.4994661833503733,0.16262849707221863,0.5361582551042539,0.08923877683799611,0.5835845958422406,0.5519035742685713,0.5299428682665905,0.5002343988815643
27
+ 12,-1,0.5122966818477553,0.5742355237475602,0.6013012361743656,0.6458035133376708,0.5122966818477553,0.3858719831458933,0.2478421166775103,0.5003531926758992,0.1623682498373455,0.5350692443535644,0.08912166558230318,0.5832524707996406,0.55106422529975,0.5295376747364949,0.5000754865270542
28
+ 13,1044,0.5164606376057255,0.5764476252439817,0.6063760572543917,0.6485361093038386,0.5164606376057255,0.38842023732069275,0.24957709824333116,0.5035347151222233,0.16392973324658427,0.540416395575797,0.08972023422251138,0.5868082535551631,0.5547055694973727,0.533115116288859,0.5036023287910135
29
+ 13,-1,0.5124268054651919,0.5757970071567989,0.6037735849056604,0.6485361093038386,0.5124268054651919,0.3858828267806797,0.24857948384298414,0.5019602193512408,0.16296681847755368,0.5374821080026025,0.08943396226415096,0.585651082814388,0.5518898906341982,0.5306826848239624,0.5008842000558755
30
+ 14,1044,0.5104749512036435,0.5755367599219259,0.6054651919323357,0.6508783344176968,0.5104749512036435,0.38442977971930475,0.2481891129906745,0.5022334789478575,0.16309694209499026,0.5387681630882672,0.08964216005204945,0.5883997893236671,0.5514242339746571,0.5310119001850434,0.5005216114312554
31
+ 14,-1,0.5119063109954457,0.5760572543916721,0.6054651919323357,0.6516590761223162,0.5119063109954457,0.3857743904328159,0.24892648015614835,0.502801685410664,0.16312296681847757,0.5386900889178053,0.08977228366948603,0.589295473557022,0.5525532629013438,0.5320963488925505,0.5015952874566408
32
+ 15,1044,0.51060507482108,0.5781392322706571,0.6070266753415745,0.6551724137931034,0.51060507482108,0.38426712519750905,0.25031446540880503,0.5050094494531709,0.1637735849056604,0.5408241162437649,0.09008458035133378,0.5919608389875143,0.5528109283184108,0.5329206373359933,0.5017963136896609
33
+ 15,-1,0.5112556929082629,0.5776187378009109,0.6079375406636305,0.6560832791151594,0.5112556929082629,0.3851454596152058,0.24970722186076774,0.5042937695572699,0.164242029928432,0.5421817393190197,0.09014964216005204,0.5927734919602194,0.5530089537441528,0.5334182154289651,0.5023969805871473
34
+ 16,1044,0.5126870527000651,0.5777488614183475,0.6088484059856863,0.6524398178269356,0.5126870527000651,0.3865009139635034,0.24957709824333113,0.5040313535954395,0.16450227716330518,0.5426350032530906,0.08999349381912818,0.5904774297487374,0.5534918053102832,0.5335353907840807,0.5033386166203551
35
+ 16,-1,0.5113858165256994,0.5780091086532205,0.6108002602472349,0.6618087182823682,0.5113858165256994,0.3860303002137745,0.2488831056170028,0.5034826656752486,0.1640078074170462,0.5434287573194535,0.09065712426805465,0.5979902097468786,0.5543923949974706,0.5356179300253826,0.503463468716292
36
+ 17,1044,0.5164606376057255,0.5833441769681197,0.6136629798308393,0.6615484710474951,0.5164606376057255,0.38906775722650805,0.25226631967035346,0.5098630603835549,0.1656473649967469,0.5480373021036652,0.09098243331164607,0.5987362518201815,0.5586540467412299,0.5390836194730287,0.5078105809201784
37
+ 17,-1,0.5155497722836695,0.5811320754716981,0.6126219908913468,0.6597267404033832,0.5155497722836695,0.3883846082349661,0.2519193233571893,0.5089305077919262,0.1652569941444372,0.5470678811537628,0.09077423552374757,0.5971397589614895,0.5574787000030984,0.5381221197753879,0.5073732837075063
38
+ 18,1044,0.5128171763175017,0.5813923227065713,0.6136629798308393,0.6635003253090436,0.5128171763175017,0.38724912476376366,0.25079158533940576,0.5075013167270812,0.16494469746258944,0.546339188896118,0.09096942094990243,0.6004523344796605,0.5563514783488771,0.5378994316393098,0.5058548661968154
39
+ 18,-1,0.5146389069616135,0.5837345478204294,0.6134027325959661,0.6614183474300586,0.5146389069616135,0.3882219537131704,0.25274343960095424,0.5109452551352356,0.16536109303838645,0.5473042723921058,0.09074821080026026,0.5979651144778015,0.5575619378091731,0.5383373455865739,0.5073673170117484
40
+ 19,1044,0.5163305139882889,0.5841249186727391,0.6169160702667534,0.6618087182823682,0.5163305139882889,0.3893171608265948,0.25300368683582736,0.5110385103943984,0.16632400780741702,0.5508501409672522,0.0910344827586207,0.5997313876754345,0.5590330059588359,0.5399488688342784,0.508796530751221
41
+ 19,-1,0.5146389069616135,0.5872478854912166,0.6183474300585556,0.6688353936239427,0.5146389069616135,0.38839855005112,0.253307308609846,0.5133872416891284,0.16645413142485363,0.5519908913467795,0.09155497722836695,0.6049409796449483,0.5598049694829144,0.5416862276688105,0.5093370345490492
42
+ 20,1044,0.5163305139882889,0.5855562784645413,0.6174365647364997,0.6664931685100846,0.5163305139882889,0.3894321033553304,0.25339405768813705,0.5127257799671593,0.1664281067013663,0.5512795489047929,0.0914508783344177,0.6038717972550113,0.5601741694292119,0.5416918091292607,0.509779945287287
43
+ 20,-1,0.5164606376057255,0.5846454131424854,0.6174365647364997,0.6685751463890696,0.5164606376057255,0.38968150695541715,0.2529169377575363,0.5116869597546241,0.1662459336369551,0.5514899154196486,0.09150292778139232,0.605063357808966,0.560093100350095,0.5420144435873068,0.5098935185285023
44
+ 21,1044,0.5169811320754717,0.5841249186727391,0.6180871828236825,0.6714378659726741,0.5169811320754717,0.38957307060755336,0.25200607243548034,0.5113715648914087,0.16632400780741705,0.5524419865538929,0.09188028627195836,0.6078501719490659,0.561198015098471,0.5432190858266573,0.5103592329964914
45
+ 21,-1,0.5163305139882889,0.5824333116460637,0.620039037085231,0.6687052700065061,0.5163305139882889,0.38941041608575766,0.25105183257427893,0.5094054589955695,0.16655823031880287,0.5534114075037952,0.09129472999349383,0.6046435542336649,0.5602339643296053,0.5414439660927785,0.5091786465119553
46
+ 22,1044,0.5186727391021471,0.5878985035783995,0.6222511385816526,0.6713077423552375,0.5186727391021471,0.39168757939089754,0.25421817393190194,0.5156374508163708,0.16757319453480807,0.5563803947083061,0.0918152244632401,0.6081441893608451,0.5632420402557041,0.5451544159375177,0.5130724818865142
47
+ 22,-1,0.519583604424203,0.5891997397527651,0.6216005204944698,0.6732595966167859,0.519583604424203,0.39209963751278004,0.25430492301019303,0.5159757722217058,0.16749512036434613,0.555584471914986,0.09208848405985687,0.6094624655327322,0.5636922060084073,0.5457105904617485,0.513176308536145
48
+ 23,1044,0.5138581652569941,0.5878985035783995,0.6201691607026676,0.6714378659726741,0.5138581652569941,0.38756699817207296,0.25335068314899156,0.5148089971186913,0.16655823031880287,0.5538755150726523,0.091515940143136,0.6064417386993834,0.559899412378268,0.5419719688297755,0.5094389202908371
49
+ 23,-1,0.5211450878334418,0.5891997397527651,0.623031880286272,0.6733897202342225,0.5211450878334418,0.39418161539176505,0.25439167208848407,0.5166459088515042,0.167234873129473,0.5562502710908696,0.09184124918672738,0.6096328655079468,0.5651717425204743,0.5466592957088652,0.514472065048715
50
+ 24,1044,0.5185426154847105,0.589850357839948,0.6236824983734548,0.6741704619388419,0.5185426154847105,0.3914923939647427,0.25374105400130126,0.5167369953837098,0.16741704619388417,0.5571320135080706,0.09197137280416397,0.6103931592155405,0.5636961820078296,0.5455720461497866,0.5127438291034069
51
+ 24,-1,0.5151594014313597,0.5865972674040338,0.6197787898503578,0.6729993493819129,0.5151594014313597,0.3887164234594293,0.2519626978963348,0.5133819747808036,0.16559531554977228,0.552058121882455,0.09178919973975277,0.6088654459832078,0.5610133118526105,0.5431685474185296,0.5099921600101436
52
+ 25,1044,0.5160702667534157,0.588939492517892,0.6231620039037086,0.6736499674690957,0.5160702667534157,0.38981163057285373,0.2534808067664281,0.5167825386498126,0.166818477553676,0.5564671437865972,0.09182823682498374,0.6099011680143757,0.5623565283845064,0.5446855914339267,0.5117493840799185
53
+ 25,-1,0.5155497722836695,0.588028627195836,0.622121014964216,0.6735198438516591,0.5155497722836695,0.38984849893112744,0.25300368683582736,0.516196982371348,0.16694860117111257,0.5561941940081173,0.09185426154847105,0.6088831056170028,0.5616693517571859,0.5442644731168903,0.5115871372430462
54
+ 26,1044,0.5154196486662329,0.5907612231620039,0.6265452179570592,0.6789850357839948,0.5154196486662329,0.389280292468321,0.2546519193233572,0.5188666852557549,0.16811971372804163,0.5605291693775752,0.09263500325309044,0.6152743439600954,0.563015356652313,0.5469869367033744,0.513155459790038
55
+ 26,-1,0.5168510084580351,0.5890696161353286,0.624202992843201,0.6759921925829538,0.5168510084580351,0.3911670849211512,0.25343743222728254,0.516652415032376,0.1671567989590111,0.5581838460823496,0.09193233571893299,0.6118338135514453,0.562933203209717,0.5458139022534473,0.5129179577745488
56
+ 27,1044,0.5176317501626545,0.5920624593363696,0.6266753415744958,0.6756018217306441,0.5176317501626545,0.39181770300833413,0.2552591628713945,0.5206688973572513,0.1676252439817827,0.5597983083929732,0.09210149642160052,0.6115503299563156,0.5645825716970809,0.5472333100101175,0.5147131331325397
57
+ 27,-1,0.5240078074170462,0.5945348080676642,0.6275862068965518,0.6762524398178269,0.5240078074170462,0.39701180407101033,0.25638690088917804,0.5218465160950522,0.16814573845152897,0.5606865569910463,0.09230969420949904,0.6123307618427982,0.568488758765272,0.5500841752880344,0.5180733198067122
58
+ 28,1044,0.5202342225113858,0.5881587508132726,0.6206896551724138,0.6711776187378009,0.5202342225113858,0.3934550918610775,0.25378442854044675,0.5161037271121851,0.16668835393623943,0.5551941010626761,0.09171112556929084,0.6073079902097468,0.5640697710443981,0.5455486582649142,0.5135596819737457
59
+ 28,-1,0.5223162003903709,0.5964866623292128,0.6312296681847755,0.678334417696812,0.5223162003903709,0.3958840660532268,0.2568206462806332,0.5244338073550825,0.1689264801561483,0.5647885491216655,0.09243981782693558,0.6151575425225393,0.5685481405748165,0.5510585575742082,0.5186200447854956
60
+ 29,1044,0.5221860767729343,0.5959661678594665,0.6278464541314248,0.6776837996096291,0.5221860767729343,0.39563466245314,0.25643027542832353,0.5227508752362364,0.1679635653871178,0.5614682281500759,0.09225764476252442,0.6134594293149921,0.5681719180840851,0.5500426854424753,0.5176010665089441
61
+ 29,-1,0.5204944697462589,0.5954456733897202,0.6279765777488614,0.6798959011060507,0.5204944697462589,0.3943659571831335,0.2551290392539579,0.5218322644607616,0.16791151594014314,0.5617318833844532,0.09241379310344829,0.6160402143941506,0.5675657072631703,0.5500679883256874,0.5168168423511428
62
+ 30,1044,0.5221860767729343,0.5959661678594665,0.6304489264801562,0.6805465191932336,0.5221860767729343,0.3962527496359637,0.2565603990457601,0.5242451281097995,0.16806766428106704,0.5633844533258977,0.09241379310344829,0.6161278929268518,0.56880332744679,0.5513042544280554,0.518401248083946
63
+ 30,-1,0.519583604424203,0.5951854261548472,0.628106701366298,0.6775536759921926,0.519583604424203,0.3942640270161415,0.2556495337237042,0.5222173684047464,0.16801561483409239,0.5614598630603835,0.09219258295380611,0.6134879325835734,0.5662150550959932,0.5489303569125195,0.5162579416671027
64
+ 31,1044,0.5199739752765127,0.597918022121015,0.6316200390370852,0.6802862719583604,0.5199739752765127,0.3952009170616848,0.256300151810887,0.5242745608327912,0.16827586206896553,0.5646218669640921,0.09238776837996096,0.6160290609412276,0.5678508948580524,0.550809587715417,0.5177022293505673
65
+ 31,-1,0.5245283018867924,0.597918022121015,0.633181522446324,0.679505530253741,0.5245283018867924,0.398211110078384,0.25755801344610707,0.5262632834526133,0.16936890045543265,0.5670139727979676,0.09264801561483409,0.6165861139511107,0.5704327643006893,0.5530773252770117,0.520722558687276
66
+ 32,1044,0.5242680546519193,0.5972674040338322,0.6321405335068315,0.6798959011060507,0.5242680546519193,0.39857328748024906,0.25677727174148773,0.5249824952752734,0.1686402081977879,0.5653787526721814,0.09249186727391022,0.6160442420299285,0.5702309694209503,0.5525709181529206,0.520325791812832
67
+ 32,-1,0.5260897852960312,0.598828887443071,0.6325309043591412,0.680416395575797,0.5260897852960312,0.3998853672894011,0.2569073953589243,0.5260690274808688,0.1686141834743006,0.5654763453852588,0.09251789199739753,0.6171868513182761,0.571704774297488,0.5537378047767871,0.5212998577341607
68
+ 33,1044,0.5236174365647365,0.5983083929733246,0.6307091737150293,0.6797657774886142,0.5236174365647365,0.3975214549059702,0.2570808935155064,0.5264116863401184,0.16874430709173718,0.5656303249992255,0.09255692908262853,0.6168212659169068,0.5697022647705804,0.5524750903021672,0.5200901034085951
69
+ 33,-1,0.5238776837996096,0.5996096291476903,0.6337020169160703,0.6827586206896552,0.5238776837996096,0.3979660439322118,0.257297766211234,0.5275502679926883,0.1687963565387118,0.5670508411562413,0.09281717631750164,0.6201387985252657,0.5711222129276793,0.5540221521352683,0.5205274154367979
70
+ 34,1044,0.5258295380611581,0.6005204944697463,0.6353936239427456,0.6832791151594014,0.5258295380611581,0.3998094618458964,0.2576013879852526,0.5278442854044676,0.16968119713728042,0.5690590823186789,0.0929212752114509,0.6201970443349755,0.5724012454689112,0.5551703271869063,0.5222774101992577
71
+ 34,-1,0.5243981782693559,0.5971372804163956,0.6309694209499024,0.6815875081327261,0.5243981782693559,0.3983238838801624,0.25699414443721535,0.5260104718530223,0.16871828236824984,0.5650122378164018,0.09267404033832141,0.6177373981472876,0.570167766521053,0.552966080475805,0.519978470532109
72
+ 35,1044,0.5217957059206246,0.5951854261548472,0.6320104098893949,0.6808067664281067,0.5217957059206246,0.3969684295318648,0.25534591194968553,0.523117390092016,0.16858815875081332,0.5654221272113269,0.09256994144437217,0.6173677851101402,0.5686684532845891,0.5518048071256867,0.5186567633200139
73
+ 35,-1,0.5283018867924528,0.602081977878985,0.6347430058555628,0.6861418347430058,0.5283018867924528,0.40142206524769963,0.2580785079158534,0.5290479288657558,0.16975927130774238,0.5688973572512935,0.09322055953155499,0.6221845276822505,0.5744596255331457,0.5568855391945776,0.5235666320397477
74
+ 36,1044,0.5206245933636955,0.5971372804163956,0.6303188028627196,0.6823682498373455,0.5206245933636955,0.3952659788704031,0.25617002819345047,0.5253468414040958,0.168067664281067,0.5637900052669084,0.09247885491216656,0.6184214765932396,0.567870413400668,0.5512357821816698,0.5173773789848172
75
+ 36,-1,0.5270006506180872,0.6033832140533507,0.6352635003253091,0.6818477553675992,0.5270006506180872,0.40102085076060345,0.258295380611581,0.5301366297983083,0.16939492517891996,0.5688800074356354,0.09250487963565389,0.6177188090590823,0.5732225217130887,0.5549584610648843,0.5226155078751845
76
+ 37,1044,0.5234873129472999,0.5985686402081978,0.6318802862719584,0.6779440468445023,0.5234873129472999,0.3982479784366576,0.2574278898286706,0.5278603959475787,0.16830188679245284,0.5654242959382841,0.09201040988939495,0.6142252997490473,0.5697561214900193,0.552074628587792,0.520256145981046
77
+ 37,-1,0.5268705270006506,0.6013012361743656,0.6372153545868575,0.6871828236824984,0.5268705270006506,0.4002757381417108,0.25838212968987206,0.5299705672770084,0.16975927130774235,0.5709164420485175,0.09318152244632402,0.6230473711931097,0.5738089041732518,0.5568060615311432,0.5232522145726558
78
+ 38,1044,0.5219258295380611,0.6006506180871828,0.6369551073519844,0.687312947299935,0.5219258295380611,0.3969640920779503,0.2564736499674691,0.5271372804163956,0.16934287573194537,0.5707311708027389,0.09288223812621992,0.6233379806053846,0.5709443773171826,0.554561293394217,0.5200492477268011
79
+ 38,-1,0.5242680546519193,0.5976577748861418,0.6350032530904359,0.6844502277163305,0.5242680546519193,0.3984214765932398,0.25586640641943176,0.5258239613346964,0.1684320104098894,0.5681404715432041,0.09242680546519194,0.6197942807571956,0.5710837438423646,0.5533887052695194,0.5195381168960831
80
+ 39,1044,0.5305139882888744,0.6036434612882238,0.6416395575797007,0.6897852960312296,0.5305139882888744,0.4044582829878861,0.2576881370635437,0.5306388449979862,0.17012361743656476,0.5752898348669332,0.09341574495770984,0.6267679771973851,0.5773641189288562,0.5602032075234917,0.5261515297849868
81
+ 39,-1,0.5197137280416395,0.594014313597918,0.6312296681847755,0.6826284970722186,0.5197137280416395,0.39525079778170213,0.2535241813055736,0.5218313350063513,0.16741704619388417,0.5636728940112153,0.09211450878334418,0.6175697865353037,0.567175129865436,0.55006354822375,0.5160056577239478
82
+ 40,1044,0.530644111906311,0.6049446974625895,0.6405985686402081,0.6870527000650618,0.530644111906311,0.40402453759643087,0.2587291260030362,0.5313164172630666,0.1702797657774886,0.5737184372773182,0.0929212752114509,0.6224584069151409,0.57685188627609,0.5584762257243925,0.5255249673254405
83
+ 40,-1,0.5303838646714378,0.6044242029928432,0.6383864671437866,0.6844502277163305,0.5303838646714378,0.4039811630572854,0.2589893732379093,0.531995228800694,0.17033181522446325,0.5726102178021502,0.09292127521145088,0.6213731139820925,0.5759146864124103,0.5582505932326769,0.5258693387744102
84
+ 41,1044,0.5250487963565387,0.598828887443071,0.6368249837345478,0.687573194534808,0.5250487963565387,0.39858629984199273,0.25573628280199523,0.5256786566285591,0.16905660377358492,0.5702636552343775,0.09290826284970723,0.6234538525885305,0.5718911299067458,0.5548824654771903,0.5202941595887155
85
+ 41,-1,0.5277813923227066,0.5994795055302538,0.6348731294729993,0.6823682498373455,0.5277813923227066,0.4012690150881433,0.2568206462806333,0.5270341109768566,0.16871828236824982,0.5680374570127336,0.09215354586857515,0.6188205223533786,0.5733964329605195,0.5548811991460295,0.5218461454388175
86
+ 42,1044,0.5259596616785946,0.600910865322056,0.6383864671437866,0.6853610930383864,0.5259596616785946,0.4006955417170121,0.2576881370635437,0.5288939492517892,0.16981132075471697,0.5716689903026922,0.09279115159401433,0.6219760200762152,0.5732089413514279,0.5562939654459814,0.5228278379051368
87
+ 42,-1,0.5258295380611581,0.5976577748861418,0.6344827586206897,0.6830188679245283,0.5258295380611581,0.39995817455153826,0.25595315549772285,0.525249558509155,0.1686141834743006,0.567201567679772,0.09208848405985687,0.6177408061467919,0.5717557393809842,0.5533150572071991,0.5202462422723584
88
+ 43,1044,0.5293428757319454,0.6041639557579701,0.6376057254391672,0.6849707221860768,0.5293428757319454,0.4027914614121511,0.2579483842984168,0.5306417882702853,0.16955107351984386,0.5709003315054063,0.09284320104098893,0.6215738761347089,0.5758291766066663,0.5576251022856771,0.5242193383336571
89
+ 43,-1,0.528822381262199,0.6035133376707873,0.6399479505530253,0.688484059856864,0.528822381262199,0.4039551383337981,0.25751463890696163,0.5313034049013229,0.16978529603122966,0.5733379806053847,0.09298633702016916,0.6238110729002077,0.5761100783839889,0.5588660757045818,0.5254002424018406
90
+ 44,1044,0.5325959661678594,0.6063760572543917,0.6389069616135329,0.6883539362394274,0.5325959661678594,0.4065402608668712,0.2591194968553459,0.534328779006723,0.16994144437215358,0.5731493013601017,0.09314248536109303,0.6245468909749976,0.5785620823909707,0.5607708213281937,0.5276383247038577
91
+ 44,-1,0.5283018867924528,0.600910865322056,0.6352635003253091,0.6818477553675992,0.5283018867924528,0.4014871270564179,0.25625677727174145,0.5271459553242247,0.16874430709173716,0.5686587972859931,0.09198438516590762,0.6167788208321714,0.5736551311047092,0.5541422344762736,0.5207909618868223
92
+ 45,1044,0.5263500325309044,0.6016916070266753,0.6372153545868575,0.6849707221860768,0.5263500325309044,0.4020184651609505,0.2564736499674691,0.5276906156086377,0.16897852960312296,0.5698878458344951,0.09232270657124268,0.620042754902872,0.573249114436493,0.5553823564642888,0.5220300436443294
93
+ 45,-1,0.531554977228367,0.6091086532205595,0.6451528952504879,0.6892648015614834,0.531554977228367,0.4058527744214146,0.2595532422468011,0.5354391672088484,0.17108653220559533,0.5778098955912879,0.09312947299934939,0.6254692195681135,0.5786885914634785,0.5610511029427576,0.5277828099128089
94
+ 46,1044,0.5310344827586206,0.6040338321405335,0.6382563435263501,0.6867924528301886,0.5310344827586206,0.40577686897790993,0.25638690088917804,0.529670353502494,0.16895250487963567,0.5704470675713356,0.09255692908262851,0.6215512594107259,0.5770661771540113,0.5581970114088025,0.5252757794459388
95
+ 46,-1,0.5307742355237476,0.6018217306441119,0.6385165907612231,0.6832791151594014,0.5307742355237476,0.40454503206617715,0.2567772717414878,0.5280373021036652,0.16921275211450879,0.5710911794776466,0.09240078074170462,0.6193400873687146,0.5759272340469487,0.556924370571123,0.5239729862366861
96
+ 47,1044,0.529472999349382,0.6031229668184775,0.6400780741704619,0.6860117111255692,0.529472999349382,0.40425333829042354,0.25781826068098024,0.5301281097995477,0.16955107351984386,0.5720269851597112,0.09249186727391022,0.6207097933513027,0.5760930383864682,0.5575869190088634,0.5245404871645336
97
+ 47,-1,0.5284320104098894,0.6007807417046194,0.6387768379960963,0.6892648015614834,0.5284320104098894,0.4019317160826595,0.25677727174148773,0.5271124949654552,0.16913467794404688,0.5708430151501068,0.09284320104098895,0.6242692939244663,0.5747730065784725,0.5568962578883452,0.522357754726623
98
+ 48,1044,0.5305139882888744,0.6053350683148991,0.6420299284320105,0.691476903057905,0.5305139882888744,0.40530749450072806,0.25807850791585335,0.53256250580909,0.16996746909564087,0.5753006785017194,0.09314248536109303,0.6270316324317626,0.5776142970742844,0.5605678188511038,0.5266258442050832
99
+ 48,-1,0.5283018867924528,0.5981782693558881,0.6335718932986337,0.6787247885491217,0.5283018867924528,0.4028751123090746,0.25560615918455865,0.526276295814357,0.16801561483409236,0.567668928339065,0.09165907612231622,0.6159928122192273,0.5725793392611873,0.5540541697275401,0.5217692030628759
100
+ 49,1044,0.52765126870527,0.602081977878985,0.6376057254391672,0.6899154196486662,0.52765126870527,0.4033057595191622,0.25686402081977877,0.5299332341915296,0.16918672739102147,0.571721504476872,0.09299934938191283,0.6252049446974626,0.5747855025766552,0.5581760171285994,0.5239496644252067
101
+ 49,-1,0.5296031229668184,0.602081977878985,0.6378659726740403,0.688484059856864,0.5296031229668184,0.40450940298045046,0.25695076989806986,0.5291393252160982,0.16905660377358492,0.5714611023329306,0.09279115159401433,0.6241571397589616,0.5757075729879908,0.5583476977505643,0.52460610022558
102
+ 50,1044,0.5243981782693559,0.600910865322056,0.6378659726740403,0.684320104098894,0.5243981782693559,0.3993369891873471,0.2550422901756669,0.5256377606345075,0.16824983734547821,0.568941971062986,0.09195836044242031,0.6190116801437556,0.5717467030186624,0.5528989414601404,0.5184554951894188
103
+ 50,-1,0.5268705270006506,0.5985686402081978,0.6350032530904359,0.684320104098894,0.5268705270006506,0.40177680701428264,0.25521578833224895,0.5253713170368993,0.1684320104098894,0.5681517799051956,0.0921665582303188,0.6203897512160361,0.5729270584833386,0.554950392843286,0.5214526081437477
104
+ 51,1044,0.52765126870527,0.5976577748861418,0.6372153545868575,0.6879635653871178,0.52765126870527,0.40227437494190915,0.2542615484710475,0.5245568051553738,0.16830188679245284,0.569885677107538,0.09230969420949904,0.6222839793041485,0.5737336700023755,0.5555934846241861,0.5215665701947351
105
+ 51,-1,0.530644111906311,0.6013012361743656,0.6351333767078725,0.6832791151594014,0.530644111906311,0.40519255197199244,0.25582303188028627,0.5280723115531183,0.168067664281067,0.5686677820119589,0.09171112556929084,0.6179806053846393,0.5751491257964919,0.5555061924936227,0.5229719025618675
106
+ 52,1044,0.5350683148991542,0.6049446974625895,0.6400780741704619,0.6858815875081328,0.5350683148991542,0.408402267868761,0.2580785079158534,0.5316789044830684,0.16965517241379313,0.572801685410664,0.09284320104098893,0.622994082473588,0.5791473804876541,0.5604426156275707,0.527678246736049
107
+ 52,-1,0.5305139882888744,0.6024723487312947,0.6396877033181523,0.6847104749512036,0.5305139882888744,0.4058496762400471,0.2566905226631967,0.5288217616259255,0.16892648015614833,0.571607646311615,0.09208848405985687,0.6194857018929888,0.575753426072229,0.5570962417185199,0.5246788224612381
108
+ 53,1044,0.5320754716981132,0.6040338321405335,0.6402081977878985,0.688484059856864,0.5320754716981132,0.40709018805960906,0.25643027542832353,0.5308200886079871,0.16918672739102147,0.5735573318462062,0.09266102797657777,0.6246286829631006,0.5778324606789156,0.5598640791132735,0.5264972521828308
109
+ 53,-1,0.528562134027326,0.6001301236174366,0.6369551073519844,0.6856213402732596,0.528562134027326,0.4050720327167952,0.2555194101062676,0.527968212659169,0.16811971372804163,0.5703017628651981,0.0922055953155498,0.6214796914211358,0.5744034451776813,0.5567709336743976,0.5234051866766969
110
+ 54,1044,0.5273910214703968,0.6001301236174366,0.6368249837345478,0.6826284970722186,0.5273910214703968,0.4021811196827462,0.25543266102797657,0.5261486507420144,0.16856213402732598,0.5695495244291601,0.09206245933636956,0.6187241689128481,0.5733671551465952,0.5548824253749777,0.5214957571657441
111
+ 54,-1,0.5275211450878334,0.5994795055302538,0.6373454782042941,0.6826284970722186,0.5275211450878334,0.4033773275087523,0.2540880503144654,0.5257864733401494,0.16785946649316852,0.5693369891873471,0.09184124918672738,0.6181615391765034,0.5733265173343253,0.5546488149129399,0.5215803260566949
112
+ 55,1044,0.5344176968119714,0.6067664281067013,0.6415094339622641,0.6910865322055953,0.5344176968119714,0.40872323945843786,0.25859900238559963,0.5339473928803792,0.16994144437215356,0.5750103789075813,0.09311646063760574,0.6274604207330297,0.5799473309167527,0.5623081895004249,0.5286711502990925
113
+ 55,-1,0.5303838646714378,0.5996096291476903,0.6381262199089135,0.6827586206896552,0.5303838646714378,0.4052315890572234,0.2552591628713945,0.5262688601790749,0.16851008458035133,0.5700523592651114,0.09185426154847105,0.6183914242339746,0.5751454079788502,0.5559193005459223,0.5235055240452531
114
+ 56,1044,0.5325959661678594,0.605074821080026,0.6407286922576447,0.6877033181522446,0.5325959661678594,0.40669207175388045,0.2574712643678161,0.5314707066951699,0.1692387768379961,0.5732470489822473,0.09254391672088484,0.6237537565449082,0.5782781857049916,0.5598313900145514,0.5266918025575262
115
+ 56,-1,0.5322055953155498,0.6049446974625895,0.6426805465191933,0.6899154196486662,0.5322055953155498,0.40612386529107414,0.2573411407503795,0.5310041205812188,0.16975927130774235,0.5747172909502123,0.0929212752114509,0.6254063264863525,0.5786560089227633,0.5601376277394936,0.5260239299581162
116
+ 57,1044,0.5293428757319454,0.5994795055302538,0.6363044892648015,0.6858815875081328,0.5293428757319454,0.4044105709948261,0.25582303188028627,0.5270418564302755,0.16837996096291477,0.5691696873935,0.09243981782693558,0.6222582643987978,0.5748286705703761,0.557156112833148,0.5239626440006097
117
+ 57,-1,0.5296031229668184,0.6028627195836044,0.6377358490566037,0.6832791151594014,0.5296031229668184,0.4044322582643988,0.25560615918455865,0.5281209530005886,0.16856213402732598,0.5704275490287202,0.09194534808067664,0.6201133934380517,0.5752174406956457,0.5564169524402385,0.5231666342028315
118
+ 58,1044,0.5320754716981132,0.6036434612882238,0.6396877033181523,0.6858815875081328,0.5320754716981132,0.4073383523871487,0.25734114075037956,0.530567277008396,0.16947299934938193,0.572995321746135,0.0922055953155498,0.6217139139325215,0.5773811589263775,0.5587494698135618,0.5258117515597088
119
+ 58,-1,0.5275211450878334,0.6,0.6329212752114509,0.6818477553675992,0.5275211450878334,0.4043064721008768,0.2546519193233572,0.5258815875081326,0.16707872478854913,0.565507637017071,0.09165907612231622,0.6169991015274033,0.572293841848169,0.5537669857686449,0.5208980050893885
120
+ 59,1044,0.5355888093689004,0.6046844502277163,0.6413793103448275,0.6880936890045544,0.5355888093689004,0.4084595842240605,0.257297766211234,0.5309833627660563,0.16908262849707223,0.5734284475013167,0.09254391672088484,0.6238002292654211,0.580371317036899,0.5606924746467632,0.527155022815868
121
+ 59,-1,0.5302537410540012,0.6015614834092388,0.6394274560832791,0.687573194534808,0.5302537410540012,0.40618582891842486,0.25521578833224895,0.5296455680515537,0.16814573845152897,0.572947609753075,0.09197137280416395,0.6235043529448214,0.5757479009821236,0.5578772014303729,0.5241178815039383
122
+ 60,1044,0.5340273259596616,0.6067664281067013,0.6428106701366298,0.68939492517892,0.5340273259596616,0.4089292685193791,0.25820863153328993,0.5334962976732657,0.16939492517892,0.5747268953124516,0.0929733246584255,0.6259011060507481,0.5796843985913608,0.5616922227524715,0.5282270478985746
123
+ 60,-1,0.5380611581001952,0.605985686402082,0.6399479505530253,0.6858815875081328,0.5380611581001952,0.41174210738296624,0.25816525699414444,0.5334736809492828,0.16944697462589461,0.5736301391083435,0.09245283018867924,0.6223787836539951,0.5810520907560607,0.5616814589300184,0.5294553682152516
124
+ 61,1044,0.5332465842550423,0.6052049446974626,0.6398178269355889,0.684580351333767,0.5332465842550423,0.4080540322830499,0.2566905226631967,0.5317947764662144,0.1689264801561484,0.5738801623447036,0.09211450878334418,0.621330978715494,0.5781423304520253,0.5591801142398686,0.5265554141462917
125
+ 61,-1,0.5364996746909564,0.6087182823682499,0.6429407937540663,0.6882238126219908,0.5364996746909564,0.4104256901198996,0.25842550422901756,0.5352659788704031,0.16939492517892,0.5756349722712768,0.09245283018867924,0.6235517551197447,0.5813055219919246,0.5616994044411447,0.5287173232125956
126
+ 62,1044,0.5333767078724788,0.6049446974625895,0.6386467143786597,0.686402081977879,0.5333767078724788,0.4092065557517737,0.25742788982867054,0.532992843201041,0.16910865322055954,0.5737999194472844,0.09254391672088484,0.6241159339467733,0.5786423769247465,0.5610232788117085,0.528174181658485
127
+ 62,-1,0.5354586857514639,0.6045543266102797,0.6402081977878985,0.690305790500976,0.5354586857514639,0.41083774824178204,0.25712426805465194,0.5324900083650898,0.16895250487963567,0.5734368125910091,0.09276512687052701,0.625581993369892,0.5800370749036989,0.5620302049595082,0.5287553121167637
128
+ 63,1044,0.537800910865322,0.6075471698113207,0.6458035133376708,0.6929082628497072,0.537800910865322,0.41237103820057625,0.25725439167208847,0.5331049973665458,0.17012361743656476,0.5788490256219598,0.09293428757319454,0.6292232859311585,0.5826328345261341,0.5640284900632349,0.5301121841772856
129
+ 63,-1,0.5289525048796356,0.602992843201041,0.6387768379960963,0.6869225764476252,0.5289525048796356,0.4048629054744865,0.25573628280199523,0.5291588437587136,0.16767729342875734,0.5706283111813365,0.09199739752765126,0.6217241379310345,0.5757355082566539,0.557059931693705,0.5235861969299075
130
+ 64,1044,0.5370201691607027,0.6066363044892648,0.6417696811971373,0.6891346779440468,0.5370201691607027,0.4117421073829662,0.25781826068098024,0.5338367878055582,0.16897852960312298,0.5742730117421073,0.09268705270006507,0.6254760355671222,0.5811582034678973,0.562370903414632,0.5293594661949054
131
+ 64,-1,0.531554977228367,0.602992843201041,0.6376057254391672,0.6853610930383864,0.531554977228367,0.40717693713790004,0.2557796573411407,0.5301065774390432,0.16785946649316852,0.5709471140440562,0.09194534808067664,0.6211392012888434,0.576521052142393,0.5579393486121832,0.5249507296219171
132
+ 65,1044,0.5338972023422252,0.6022121014964216,0.636174365647365,0.6839297332465842,0.5338972023422252,0.4087167332775661,0.2561266536543049,0.5293648728196549,0.16837996096291477,0.5706196362735075,0.09220559531554978,0.6214917743284691,0.5776681537937243,0.5590476603864185,0.5262814952181214
133
+ 65,-1,0.5353285621340274,0.6078074170461939,0.6434612882238127,0.6882238126219908,0.5353285621340274,0.4101360101620349,0.2583387551507265,0.5349146451033244,0.16965517241379313,0.5775508876289619,0.09254391672088484,0.6245363571583481,0.5802060806972977,0.5617349312490785,0.5286496543031163
134
+ 66,1044,0.5320754716981132,0.6023422251138582,0.6399479505530253,0.6897852960312296,0.5320754716981132,0.4084955231279239,0.2556929082628497,0.5293053877373982,0.16858815875081326,0.573390339870496,0.09262199089134679,0.625647364996747,0.5774539145521582,0.5600188530333174,0.526142780657364
135
+ 66,-1,0.5290826284970722,0.5959661678594665,0.6300585556278464,0.6792452830188679,0.5290826284970722,0.40411779285559374,0.25417479939275645,0.5233943675062738,0.1670006506180872,0.5649982960002479,0.091515940143136,0.6164504136072126,0.5721923764083816,0.5535476203506269,0.5205240601611829
136
+ 67,1044,0.5361093038386467,0.6084580351333767,0.6424202992843201,0.6882238126219908,0.5361093038386467,0.41172692629426527,0.2589893732379094,0.5362471729095021,0.16991541964866622,0.5775084425442265,0.0925309043591412,0.6252796108684202,0.5809939998554184,0.5630236532126085,0.5306086963133513
137
+ 67,-1,0.5323357189329864,0.605985686402082,0.6396877033181523,0.686402081977879,0.5323357189329864,0.40865043219630076,0.257297766211234,0.5326188927099793,0.16913467794404685,0.573522322396753,0.09225764476252442,0.6226876723363386,0.5779029959413832,0.5598692049945971,0.5270575983142157
138
+ 68,1044,0.5270006506180872,0.6001301236174366,0.6350032530904359,0.6817176317501626,0.5270006506180872,0.4040865012237816,0.2542615484710475,0.5263147132633145,0.16765126870527003,0.5686420671066084,0.0916330513988289,0.6178926170338012,0.5725029174541224,0.5543533402074524,0.5209997256473369
139
+ 68,-1,0.5309043591411842,0.6058555627846454,0.6407286922576447,0.6900455432661028,0.5309043591411842,0.40688632772562505,0.25699414443721535,0.5327645072342535,0.16851008458035133,0.5736896241906001,0.09228366948601172,0.6241775877559871,0.5774442585535626,0.5592384443624329,0.5253491407765846
140
+ 69,1044,0.5325959661678594,0.6019518542615485,0.6365647364996747,0.6849707221860768,0.5325959661678594,0.40827400316014495,0.25530253741054,0.5287182823682498,0.16785946649316855,0.5698063636645289,0.09186727391021471,0.6206747839018496,0.5765093823259081,0.5577763357240719,0.5247811045580424
141
+ 69,-1,0.5401431359791802,0.6081977878985035,0.6394274560832791,0.6852309694209499,0.5401431359791802,0.4139855005112,0.2586857514638907,0.5346587353223659,0.16895250487963567,0.5731260649998451,0.09206245933636956,0.6210298354865694,0.5824244301928104,0.5620331395781469,0.5304416372947791
142
+ 70,1044,0.5358490566037736,0.6093689004554327,0.6420299284320105,0.6904359141184125,0.5358490566037736,0.41058834464169536,0.25859900238559963,0.5359807293118939,0.1689264801561483,0.575068624717291,0.09255692908262851,0.6268311800972829,0.5813306172610019,0.562681549608621,0.5292346355553258
143
+ 70,-1,0.5376707872478855,0.6066363044892648,0.6432010409889395,0.6891346779440468,0.5376707872478855,0.412518511633671,0.25855562784645414,0.5354905970195495,0.1695510735198439,0.5769591349877622,0.09237475601821732,0.6250614989001456,0.5818736768183752,0.5631366645556862,0.5307186762994914
144
+ 71,1044,0.5320754716981132,0.6061158100195185,0.6370852309694209,0.6849707221860768,0.5320754716981132,0.40749016327415805,0.2559097809585773,0.5311714223750659,0.1676772934287573,0.5702683025064287,0.09167208848405986,0.6206623911763793,0.5775786679885583,0.5579375048787845,0.5249444241828143
145
+ 71,-1,0.5374105400130124,0.6072869225764477,0.6415094339622641,0.6897852960312296,0.5374105400130124,0.4125401989032438,0.2569073953589243,0.5334225609567185,0.1682238126219909,0.5737977507203271,0.09263500325309044,0.626234780184032,0.5815371110491475,0.5627479131591223,0.5294214499200464
146
+ 72,1044,0.5289525048796356,0.5993493819128172,0.63409238776838,0.6822381262199089,0.5289525048796356,0.4055135235616693,0.25413142485361095,0.5261356383802708,0.16726089785296033,0.5680001239272547,0.0914248536109304,0.61809028100505,0.5734124402309183,0.5549084576464909,0.5221231280247018
147
+ 72,-1,0.5309043591411842,0.6040338321405335,0.6391672088484059,0.6878334417696812,0.5309043591411842,0.40732007311708024,0.25543266102797657,0.5305880348235585,0.16837996096291477,0.5732577377079654,0.09212752114508783,0.6242711528332868,0.5772589873077842,0.5591951089787572,0.5255850844429157
148
+ 73,1044,0.5341574495770982,0.6039037085230969,0.6378659726740403,0.684580351333767,0.5341574495770982,0.41114137001580076,0.2557796573411407,0.5319651764414289,0.1675731945348081,0.5712814078136135,0.09147690305790501,0.6212185147318524,0.5781663929939796,0.5593763602376745,0.5270680345182929
149
+ 73,-1,0.5354586857514639,0.6041639557579701,0.6391672088484059,0.6830188679245283,0.5354586857514639,0.4101719490658983,0.2563435263500325,0.5319803575301297,0.16877033181522447,0.5737419834557115,0.09152895250487965,0.6188598692567463,0.5786431514700873,0.5588880517596744,0.527051533409966
150
+ 74,1044,0.5328562134027326,0.6048145738451529,0.6390370852309695,0.6870527000650618,0.5328562134027326,0.409257675744338,0.2569073953589243,0.5330668897357251,0.1684059856864021,0.572855593766459,0.0922316200390371,0.6237667689066517,0.5779796759302295,0.560273743194063,0.5274248894606202
151
+ 74,-1,0.5299934938191282,0.6007807417046194,0.6359141184124919,0.6849707221860768,0.5299934938191282,0.40675837283514577,0.25556278464541315,0.5301880596090095,0.16749512036434613,0.5699959723642222,0.0916330513988289,0.6201394181615392,0.5752986646838305,0.5572595201881354,0.5245208384138195
152
+ 75,1044,0.534547820429408,0.6036434612882238,0.6417696811971373,0.6866623292127522,0.534547820429408,0.4107866282492177,0.25547603556712206,0.5303017628651981,0.16819778789850356,0.5746200080552715,0.09154196486662329,0.6211553118319546,0.5790569652280787,0.5595662420555345,0.5271415939036151
153
+ 75,-1,0.5381912817176318,0.6075471698113207,0.6413793103448275,0.6867924528301886,0.5381912817176318,0.41322644607615333,0.25842550422901756,0.5357669547975339,0.16957709824333117,0.575778108250457,0.09233571893298634,0.6244183164482449,0.5816088855841626,0.5629489723764629,0.530748190965025
154
+ 76,1044,0.5272608978529603,0.596096291476903,0.6329212752114509,0.6836694860117112,0.5272608978529603,0.40501781454286334,0.25256994144437217,0.5240211295969266,0.16645413142485357,0.5663041794466647,0.09142485361093039,0.6191309601264058,0.5721842695004707,0.5542926052111916,0.5210336861843451
155
+ 76,-1,0.5340273259596616,0.6027325959661679,0.6387768379960963,0.6867924528301886,0.5340273259596616,0.4108083155187905,0.2554760355671221,0.529664157139759,0.1682758620689655,0.5725662236267312,0.09206245933636956,0.6236753725563094,0.5780704526442983,0.5599158313597381,0.5268826538664148
156
+ 77,1044,0.5376707872478855,0.6036434612882238,0.6394274560832791,0.6856213402732596,0.5376707872478855,0.4122396753105927,0.256300151810887,0.5304328159370449,0.16874430709173716,0.5738237754438146,0.09201040988939493,0.6220856956966261,0.5802100566967189,0.5608804947617809,0.528646527251468
157
+ 77,-1,0.5380611581001952,0.6078074170461939,0.6408588158750813,0.6891346779440468,0.5380611581001952,0.4129479195712117,0.25985686402081976,0.5359946711280479,0.16942094990240728,0.5748725098367258,0.09266102797657776,0.6253586144932924,0.5817970484658846,0.5635045743964792,0.531563922508223
158
+ 78,1044,0.532465842550423,0.6057254391672089,0.6411190631099545,0.6880936890045544,0.532465842550423,0.40815038572358026,0.25703751897636085,0.5324320723735168,0.1684320104098894,0.5735136474889241,0.09193233571893299,0.6224478730984911,0.5781992337164761,0.5593039478834226,0.5261383474121
159
+ 78,-1,0.5402732595966168,0.6126219908913468,0.647234873129473,0.6955107351984385,0.5402732595966168,0.4153583046751556,0.2595532422468011,0.5387793165411903,0.1694990240728692,0.5780369922855285,0.09283018867924529,0.6296279084177587,0.585187646518161,0.5659242723589777,0.5323858364505404
160
+ 79,1044,0.5344176968119714,0.6046844502277163,0.6398178269355889,0.6856213402732596,0.5344176968119714,0.41035598103913,0.2559531554977228,0.530654026086687,0.16804163955757973,0.572118536419122,0.09171112556929083,0.6218223502803853,0.578342472968368,0.5591300735633057,0.5262925749723336
161
+ 79,-1,0.5351984385165908,0.6092387768379961,0.6454131424853611,0.6896551724137931,0.5351984385165908,0.41130278526504943,0.2578616352201258,0.5364826346934349,0.16939492517891996,0.5782916627939401,0.09229668184775537,0.625817145335688,0.5805456930115362,0.5623154008734709,0.528980514650724
162
+ 80,1044,0.5364996746909564,0.6019518542615485,0.6383864671437866,0.6840598568640208,0.5364996746909564,0.4113647488924001,0.2554760355671221,0.5300731170802738,0.16788549121665583,0.5723601945657899,0.09173715029277814,0.6213886048889302,0.5788657041649886,0.5597359671243687,0.5276608124595724
163
+ 80,-1,0.5309043591411842,0.5997397527651269,0.63409238776838,0.6801561483409239,0.5309043591411842,0.40782507667998885,0.2544784211667751,0.5277522694178517,0.16653220559531556,0.5673048920283794,0.09116460637605726,0.6175155683613719,0.5743376604599768,0.5556264607693514,0.5235035420521066
164
+ 81,1044,0.5290826284970722,0.5986987638256344,0.631099544567339,0.6765126870527001,0.5290826284970722,0.40639371688818665,0.253394057688137,0.5265126870527,0.16588158750813276,0.5649372618273073,0.09044892648015616,0.6116677510301454,0.5721741487746699,0.5524844398573207,0.5208666925935675
165
+ 81,-1,0.5385816525699414,0.6058555627846454,0.6389069616135329,0.6839297332465842,0.5385816525699414,0.4135842860241038,0.25738451528952505,0.5336186758372834,0.16866623292127522,0.5738491805310282,0.09191932335718933,0.6209768565851845,0.5813313401699871,0.5615902013973708,0.5298105672916364
166
+ 82,1044,0.5341574495770982,0.6070266753415745,0.6407286922576447,0.6858815875081328,0.5341574495770982,0.41099575549152645,0.25664714812405115,0.5327316665117576,0.16837996096291477,0.5729033057595191,0.09203643461288223,0.6213573132571181,0.5787093492786407,0.5598729266342237,0.5272835920084404
167
+ 82,-1,0.5353285621340274,0.6016916070266753,0.6370852309694209,0.6837996096291477,0.5353285621340274,0.411471945967717,0.2540880503144654,0.5294135142671251,0.1668445022771633,0.5702487839638133,0.09129472999349382,0.6194324131734671,0.5782572213444038,0.5583916971114696,0.5260459561921228
168
+ 83,1044,0.5303838646714378,0.6023422251138582,0.63409238776838,0.6798959011060507,0.5303838646714378,0.4073482665675249,0.2542615484710475,0.529421259720544,0.16650618087182825,0.5674985283638504,0.0909173715029278,0.6162608049075193,0.5744045811775165,0.5547894152279851,0.5223108698315521
169
+ 83,-1,0.5332465842550423,0.6036434612882238,0.6386467143786597,0.6861418347430058,0.5332465842550423,0.41040926975865166,0.2556495337237042,0.5314013074325371,0.16754716981132078,0.571654119032128,0.09201040988939493,0.6229048548502029,0.5776861232456554,0.5597108049362087,0.5267415631620673
170
+ 84,1044,0.5362394274560833,0.6010409889394925,0.6360442420299285,0.6848405985686402,0.5362394274560833,0.4125315239954147,0.2549989156365214,0.5290841775877559,0.16752114508783345,0.570918300957338,0.09185426154847105,0.6229026861232456,0.5785005318544678,0.560263031533692,0.5278537755632652
171
+ 84,-1,0.5301236174365648,0.605074821080026,0.6394274560832791,0.6848405985686402,0.5301236174365648,0.40745360473402115,0.2564302754283236,0.532251758217926,0.1675731945348081,0.5719310964463861,0.0915419648666233,0.6210983052947919,0.5761934710991322,0.5578699181966934,0.5251565118291164
172
+ 85,1044,0.5289525048796356,0.5992192582953806,0.6364346128822381,0.6817176317501626,0.5289525048796356,0.40648697214734947,0.25374105400130126,0.5275645196269789,0.166818477553676,0.5700229265421197,0.09098243331164607,0.617067571335626,0.5738596627113226,0.5550714162979418,0.522612543003531
173
+ 85,-1,0.5389720234222511,0.6079375406636305,0.6416395575797007,0.6882238126219908,0.5389720234222511,0.41496669455029894,0.2568206462806332,0.5355866406419432,0.16830188679245284,0.575691049354029,0.09210149642160052,0.6243718437277318,0.5822365254928688,0.5632520083760684,0.5308886643459583
174
+ 86,1044,0.5405335068314899,0.6104098893949251,0.6411190631099545,0.6896551724137931,0.5405335068314899,0.4159872354927658,0.2580785079158534,0.537338042569012,0.16853610930383867,0.5756836137187471,0.09228366948601172,0.6253009883198563,0.583697524553088,0.5643327549114271,0.5319882411093442
175
+ 86,-1,0.5371502927781392,0.6071567989590111,0.6408588158750813,0.6869225764476252,0.5371502927781392,0.4131297828174861,0.25742788982867054,0.5343309477336804,0.16851008458035133,0.5741348328531152,0.09206245933636956,0.6229925333829042,0.580850605694458,0.5620313948034491,0.5298485613648694
176
+ 87,1044,0.5358490566037736,0.6078074170461939,0.6432010409889395,0.6883539362394274,0.5358490566037736,0.4112191343681259,0.2568206462806332,0.5338649812560027,0.16856213402732598,0.5759915729466804,0.09185426154847105,0.62427084301515,0.5801557868864313,0.5609925385117411,0.5277976148801489
177
+ 87,-1,0.5424853610930384,0.6098893949251789,0.6407286922576447,0.6836694860117112,0.5424853610930384,0.4165185735972984,0.2590327477770549,0.5372894011215417,0.16895250487963567,0.5745255135235617,0.09180221210149642,0.6205462093750967,0.5839590626968643,0.5631677656316485,0.532172293986079
178
+ 88,1044,0.5385816525699414,0.6042940793754067,0.6373454782042941,0.6867924528301886,0.5385816525699414,0.4147870000309818,0.256300151810887,0.5329454410261176,0.1676252439817827,0.571710815751154,0.09182823682498374,0.6224993029091922,0.5806986398983801,0.5616355419093059,0.5296316104936943
179
+ 88,-1,0.5358490566037736,0.6033832140533507,0.6404684450227717,0.6861418347430058,0.5358490566037736,0.4122526876723363,0.25595315549772285,0.5315215168695976,0.16809368900455432,0.5748159680267683,0.09159401431359791,0.6218223502803855,0.5792977971930481,0.5603786737147936,0.5279359351002715
180
+ 89,1044,0.5332465842550423,0.6033832140533507,0.6365647364996747,0.6798959011060507,0.5332465842550423,0.4092164699321498,0.2557796573411408,0.5297704247606654,0.1673649967469096,0.5691450568516281,0.0911515940143136,0.6152949468661896,0.5764286747012848,0.5562409320197953,0.5244157980367367
181
+ 89,-1,0.5355888093689004,0.6061158100195185,0.6391672088484059,0.6867924528301886,0.5355888093689004,0.41185890882052234,0.25677727174148773,0.5328605508566471,0.16778139232270659,0.5720931313319081,0.09178919973975277,0.6212522849087585,0.5799271411015072,0.560356939902278,0.5277888877415882
182
+ 90,1044,0.5320754716981132,0.6042940793754067,0.6374756018217307,0.6848405985686402,0.5320754716981132,0.40961334696533136,0.25543266102797657,0.531543513957307,0.16689655172413795,0.5704191839390277,0.09156798959011062,0.6205260711962078,0.5771407400522565,0.5584362276905017,0.5258533477022062
183
+ 90,-1,0.5337670787247886,0.6057254391672089,0.6396877033181523,0.6866623292127522,0.5337670787247886,0.41030826904607004,0.2561266536543049,0.5324624345509186,0.1675731945348081,0.5722275924032593,0.09160702667534157,0.6215958732224185,0.5787396598196873,0.5594014155488838,0.5264000772824016
184
+ 91,1044,0.538711776187378,0.6068965517241379,0.6417696811971373,0.6853610930383864,0.538711776187378,0.414867242928401,0.2565170245066146,0.5342925302847228,0.16804163955757973,0.5749072094680423,0.09178919973975277,0.6219930600737367,0.5814848034203925,0.5618513681287087,0.5295384102220135
185
+ 91,-1,0.5410540013012362,0.6044242029928432,0.6372153545868575,0.6857514638906962,0.5410540013012362,0.41552870465037023,0.25699414443721535,0.5320562629736345,0.16791151594014314,0.570876785327013,0.09175016265452181,0.6208132726089786,0.5820118557073668,0.5616477342614389,0.5299938839624094
186
+ 92,1044,0.5314248536109304,0.6062459336369551,0.6387768379960963,0.6865322055953156,0.5314248536109304,0.4094237382656381,0.2575580134461071,0.5344982495275273,0.16817176317501628,0.5727629581435697,0.09195836044242031,0.6223332403878923,0.5768319546426252,0.5594840663756624,0.5269511090724822
187
+ 92,-1,0.5337670787247886,0.6057254391672089,0.6398178269355889,0.6814573845152895,0.5337670787247886,0.4106304799082938,0.25547603556712206,0.5318502339126933,0.16746909564085882,0.5717557393809833,0.09117761873780092,0.6169551073519844,0.5776175501647202,0.5576797025173916,0.5256185777319097
188
+ 93,1044,0.5361093038386467,0.6031229668184775,0.6370852309694209,0.683409238776838,0.5361093038386467,0.4121216346004895,0.25586640641943176,0.5313049539920067,0.16736499674690958,0.570459150478669,0.09155497722836695,0.6194460451714842,0.5784067602317444,0.5592144020961726,0.5272233488871533
189
+ 93,-1,0.5415744957709824,0.6054651919323357,0.6396877033181523,0.6866623292127522,0.5415744957709824,0.4158874740527311,0.25716764259379743,0.5334572605880349,0.1682238126219909,0.5731982526257087,0.09210149642160052,0.6215447532298541,0.5827121996054985,0.5626233652659773,0.5307299316424945
190
+ 94,1044,0.5335068314899154,0.6058555627846454,0.6409889394925179,0.6878334417696812,0.5335068314899154,0.4107606035257304,0.25638690088917804,0.533448275862069,0.1678334417696812,0.5734650060414538,0.09169811320754717,0.6219221117204201,0.5786659231031385,0.5598827461979506,0.526960001460184
191
+ 94,-1,0.5292127521145088,0.6054651919323357,0.6387768379960963,0.6869225764476252,0.5292127521145088,0.4068863277256251,0.25556278464541315,0.5324878396381324,0.16707872478854913,0.5717032252068036,0.09169811320754717,0.6214874368745547,0.5762020943706052,0.5578043380626773,0.5246192042895479
192
+ 95,1044,0.534547820429408,0.6065061808718283,0.6398178269355889,0.684320104098894,0.534547820429408,0.4108733773275087,0.25673389720234224,0.5327285683303901,0.16778139232270659,0.5714449917898194,0.09158100195185427,0.6189459986987639,0.5787295907302423,0.5588764325476434,0.5262782940980613
193
+ 95,-1,0.5310344827586206,0.6044242029928432,0.6430709173715029,0.6869225764476252,0.5310344827586206,0.4096015738761348,0.25582303188028627,0.5315717074077517,0.16848405985686402,0.5755761068252935,0.09199739752765126,0.6235548533011123,0.5769058462682414,0.5597056361007647,0.5265782710761722
194
+ 96,1044,0.529733246584255,0.5986987638256344,0.6329212752114509,0.6759921925829538,0.529733246584255,0.4081147566378536,0.2536976794621557,0.5275985996220218,0.16585556278464544,0.5656021315487808,0.09065712426805465,0.6120959196951389,0.5723714512914256,0.5534662382446158,0.5221491169497339
195
+ 96,-1,0.5355888093689004,0.605985686402082,0.6422901756668835,0.686402081977879,0.5355888093689004,0.4123828112897729,0.2574712643678161,0.5346934349536822,0.1688484059856864,0.575849676240047,0.09193233571893299,0.6214688477863495,0.5798216996622986,0.5612480783816435,0.5292734367723688
196
+ 97,1044,0.5346779440468445,0.6037735849056604,0.6424202992843201,0.6866623292127522,0.5346779440468445,0.41097871549400505,0.25495554109737584,0.5302769774142578,0.16798959011060507,0.5738392663506523,0.09197137280416395,0.6221089320568826,0.5782580991624583,0.5593910739359409,0.5261029123635076
197
+ 97,-1,0.5393623942745608,0.6066363044892648,0.6395575797007157,0.6832791151594014,0.5393623942745608,0.4164578492424946,0.2568206462806333,0.5350556123555472,0.16801561483409239,0.5733643151470087,0.09143786597267405,0.6199656101868204,0.5808883002344295,0.5613836897409189,0.5299874038678097
198
+ 98,1044,0.5320754716981132,0.6036434612882238,0.6377358490566037,0.6821080026024724,0.5320754716981132,0.40925116956346624,0.25521578833224895,0.5311314558354245,0.16694860117111257,0.5701676116119838,0.09116460637605726,0.617955819933699,0.5759837242205506,0.5569287017505078,0.5248678910559854
199
+ 98,-1,0.5376707872478855,0.6053350683148991,0.6392973324658425,0.6848405985686402,0.5376707872478855,0.41388914707066954,0.2563435263500325,0.5334597391331288,0.16811971372804163,0.5734296867738637,0.09165907612231622,0.6209313133190817,0.580392849397404,0.5609776860194844,0.5288542601981762
200
+ 99,1044,0.5344176968119714,0.6041639557579701,0.6379960962914769,0.6810670136629798,0.5344176968119714,0.4110577191188773,0.25534591194968553,0.530952380952381,0.16728692257644764,0.5708928958701243,0.09099544567338973,0.6169560368063945,0.5773716062004942,0.5574940713124958,0.525602687381427
201
+ 99,-1,0.532465842550423,0.6045543266102797,0.6383864671437866,0.6860117111255692,0.532465842550423,0.41058710536914833,0.25456517024506614,0.5317668928339064,0.16658425504229019,0.5707209468042259,0.09129472999349383,0.6201604857948384,0.5767772201051312,0.557955228755805,0.5254075269218549
pytorch_model.bin → linkage_en_aliases_train.csv RENAMED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:3a24ab799bbbdf5df9869468abcb2eb4c97436c5eb810627cdd569b2e926572b
3
- size 438009257
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:d2f83e1d4ae0c0142678b14aa856a3db8403108ddc3e503e960cea32726a2915
3
+ size 6796032
model.safetensors CHANGED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:f9fd3575f11cffb2c51379c89222cf7d37d1de659dd27639a0a118eaa88e96df
3
- size 1340612432
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:4d88dbbf624b0416b72827f3c8d16f8e21f1a59f8047e737eece87fb5a10b424
3
+ size 437967672
modules.json CHANGED
@@ -10,11 +10,5 @@
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
  ]
 
10
  "name": "1",
11
  "path": "1_Pooling",
12
  "type": "sentence_transformers.models.Pooling"
 
 
 
 
 
 
13
  }
14
  ]
sentence_bert_config.json CHANGED
@@ -1,4 +1,4 @@
1
  {
2
  "max_seq_length": 512,
3
- "do_lower_case": true
4
  }
 
1
  {
2
  "max_seq_length": 512,
3
+ "do_lower_case": false
4
  }
special_tokens_map.json CHANGED
@@ -1,29 +1,43 @@
1
  {
 
 
 
 
 
 
 
2
  "cls_token": {
3
- "content": "[CLS]",
 
 
 
 
 
 
 
4
  "lstrip": false,
5
  "normalized": false,
6
  "rstrip": false,
7
  "single_word": false
8
  },
9
  "mask_token": {
10
- "content": "[MASK]",
11
- "lstrip": false,
12
  "normalized": false,
13
  "rstrip": false,
14
  "single_word": false
15
  },
16
  "pad_token": {
17
- "content": "[PAD]",
18
  "lstrip": false,
19
  "normalized": false,
20
  "rstrip": false,
21
  "single_word": false
22
  },
23
  "sep_token": {
24
- "content": "[SEP]",
25
  "lstrip": false,
26
- "normalized": false,
27
  "rstrip": false,
28
  "single_word": false
29
  },
 
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
  },
test_data.pickle ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:44d740112e423d465b41d839465edc35c6de1387809b38e05bcf09b4ac44390f
3
+ size 728865
tokenizer.json CHANGED
The diff for this file is too large to render. See raw diff
 
tokenizer_config.json CHANGED
@@ -1,63 +1,71 @@
1
  {
2
  "added_tokens_decoder": {
3
  "0": {
4
- "content": "[PAD]",
5
  "lstrip": false,
6
  "normalized": false,
7
  "rstrip": false,
8
  "single_word": false,
9
  "special": true
10
  },
11
- "100": {
12
- "content": "[UNK]",
13
  "lstrip": false,
14
  "normalized": false,
15
  "rstrip": false,
16
  "single_word": false,
17
  "special": true
18
  },
19
- "101": {
20
- "content": "[CLS]",
21
  "lstrip": false,
22
  "normalized": false,
23
  "rstrip": false,
24
  "single_word": false,
25
  "special": true
26
  },
27
- "102": {
28
- "content": "[SEP]",
29
  "lstrip": false,
30
- "normalized": false,
31
  "rstrip": false,
32
  "single_word": false,
33
  "special": true
34
  },
35
- "103": {
36
- "content": "[MASK]",
37
  "lstrip": false,
38
  "normalized": false,
39
  "rstrip": false,
40
  "single_word": false,
41
  "special": true
 
 
 
 
 
 
 
 
42
  }
43
  },
 
44
  "clean_up_tokenization_spaces": true,
45
- "cls_token": "[CLS]",
46
- "do_basic_tokenize": true,
47
  "do_lower_case": true,
48
- "mask_token": "[MASK]",
49
- "max_length": 512,
 
50
  "model_max_length": 512,
51
- "never_split": null,
52
  "pad_to_multiple_of": null,
53
- "pad_token": "[PAD]",
54
  "pad_token_type_id": 0,
55
  "padding_side": "right",
56
- "sep_token": "[SEP]",
57
  "stride": 0,
58
  "strip_accents": null,
59
  "tokenize_chinese_chars": true,
60
- "tokenizer_class": "BertTokenizer",
61
  "truncation_side": "right",
62
  "truncation_strategy": "longest_first",
63
  "unk_token": "[UNK]"
 
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": 250,
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]"
val_data.pickle ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:0b64689564782e43ccf2949194f1abf7d8100b026833887decf8f0e0c12b3f6e
3
+ size 5711920
vocab.txt CHANGED
@@ -1,3 +1,7 @@
 
 
 
 
1
  [PAD]
2
  [unused0]
3
  [unused1]
@@ -30520,3 +30524,4 @@ necessitated
30520
  ##:
30521
  ##?
30522
  ##~
 
 
1
+ <s>
2
+ <pad>
3
+ </s>
4
+ <unk>
5
  [PAD]
6
  [unused0]
7
  [unused1]
 
30524
  ##:
30525
  ##?
30526
  ##~
30527
+ <mask>