96abhishekarora commited on
Commit
2de46f4
1 Parent(s): c8548ba

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
Files changed (48) hide show
  1. .gitattributes +5 -0
  2. 0/1_Pooling/config.json +7 -0
  3. 0/README.md +136 -0
  4. 0/config.json +27 -0
  5. 0/config_sentence_transformers.json +7 -0
  6. 0/modules.json +14 -0
  7. 0/pytorch_model.bin +3 -0
  8. 0/sentence_bert_config.json +4 -0
  9. 0/special_tokens_map.json +7 -0
  10. 0/tokenizer.json +0 -0
  11. 0/tokenizer_config.json +15 -0
  12. 0/vocab.txt +0 -0
  13. 1_Pooling/config.json +0 -0
  14. 50/1_Pooling/config.json +7 -0
  15. 50/README.md +136 -0
  16. 50/config.json +27 -0
  17. 50/config_sentence_transformers.json +7 -0
  18. 50/modules.json +14 -0
  19. 50/pytorch_model.bin +3 -0
  20. 50/sentence_bert_config.json +4 -0
  21. 50/special_tokens_map.json +7 -0
  22. 50/tokenizer.json +0 -0
  23. 50/tokenizer_config.json +15 -0
  24. 50/vocab.txt +0 -0
  25. Information-Retrieval_evaluation_eval_results.csv +23 -0
  26. Information-Retrieval_evaluation_results.csv +5 -0
  27. Information-Retrieval_evaluation_test_results.csv +8 -0
  28. LT_training_config.json +0 -0
  29. README.md +1 -1
  30. added_tokens.json +0 -0
  31. binary_classification_evaluation_eval_results.csv +145 -0
  32. binary_classification_evaluation_test_results.csv +140 -0
  33. config.json +1 -1
  34. config_sentence_transformers.json +0 -0
  35. entity_vocab.json +0 -0
  36. eval/Information-Retrieval_evaluation_eval_results.csv +0 -0
  37. eval/Information-Retrieval_evaluation_results.csv +2 -0
  38. eval/binary_classification_evaluation_eval_results.csv +0 -0
  39. modules.json +0 -0
  40. pytorch_model.bin +3 -0
  41. sentence_bert_config.json +0 -0
  42. sentencepiece.bpe.model +0 -0
  43. special_tokens_map.json +48 -50
  44. test_data.pickle +3 -0
  45. tokenizer.json +0 -0
  46. tokenizer_config.json +0 -2
  47. val_data.pickle +3 -0
  48. vocab.txt +0 -0
.gitattributes CHANGED
@@ -1,3 +1,8 @@
 
1
  model.safetensors filter=lfs diff=lfs merge=lfs -text
 
 
2
  .git/lfs/objects/ff/ff/ffff8b1e1118917383c8481ca5631e9b5a05616039a6f0039ad5d0fae975d7ed filter=lfs diff=lfs merge=lfs -text
 
 
3
  sentencepiece.bpe.model filter=lfs diff=lfs merge=lfs -text
 
1
+ pytorch_model.bin filter=lfs diff=lfs merge=lfs -text
2
  model.safetensors filter=lfs diff=lfs merge=lfs -text
3
+ 50/pytorch_model.bin filter=lfs diff=lfs merge=lfs -text
4
+ 0/pytorch_model.bin filter=lfs diff=lfs merge=lfs -text
5
  .git/lfs/objects/ff/ff/ffff8b1e1118917383c8481ca5631e9b5a05616039a6f0039ad5d0fae975d7ed filter=lfs diff=lfs merge=lfs -text
6
+ test_data.pickle filter=lfs diff=lfs merge=lfs -text
7
+ val_data.pickle filter=lfs diff=lfs merge=lfs -text
8
  sentencepiece.bpe.model filter=lfs diff=lfs merge=lfs -text
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
+ }
0/README.md ADDED
@@ -0,0 +1,136 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ pipeline_tag: sentence-similarity
3
+ language:
4
+ - es
5
+ tags:
6
+ - linktransformer
7
+ - sentence-transformers
8
+ - sentence-similarity
9
+ - tabular-classification
10
+
11
+ ---
12
+
13
+ # {MODEL_NAME}
14
+
15
+ This is a [LinkTransformer](https://github.com/dell-research-harvard/linktransformer) 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 : hiiamsid/sentence_similarity_spanish_es. It is pretrained for the language : - es.
23
+
24
+
25
+ check
26
+
27
+ ## Usage (LinkTransformer)
28
+
29
+ Using this model becomes easy when you have [LinkTransformer](https://github.com/dell-research-harvard/linktransformer) installed:
30
+
31
+ ```
32
+ pip install -U linktransformer
33
+ ```
34
+
35
+ Then you can use the model like this:
36
+
37
+ ```python
38
+ import linktransformer as lt
39
+ import pandas as pd
40
+
41
+ ##Load the two dataframes that you want to link. For example, 2 dataframes with company names that are written differently
42
+ df1=pd.read_csv("data/df1.csv") ###This is the left dataframe with key CompanyName for instance
43
+ df2=pd.read_csv("data/df2.csv") ###This is the right dataframe with key CompanyName for instance
44
+
45
+ ###Merge the two dataframes on the key column!
46
+ df_merged = lt.merge(df1, df2, on="CompanyName", how="inner")
47
+
48
+ ##Done! The merged dataframe has a column called "score" that contains the similarity score between the two company names
49
+
50
+ ```
51
+
52
+
53
+ ## Training your own LinkTransformer model
54
+ Any Sentence Transformers can be used as a backbone by simply adding a pooling layer. Any other transformer on HuggingFace can also be used by specifying the option add_pooling_layer==True
55
+ The model was trained using SupCon loss.
56
+ Usage can be found in the package docs.
57
+ The training config can be found in the repo with the name LT_training_config.json
58
+ To replicate the training, you can download the file and specify the path in the config_path argument of the training function. You can also override the config by specifying the training_args argument.
59
+ Here is an example.
60
+
61
+
62
+ ```python
63
+
64
+ ##Consider the example in the paper that has a dataset of Mexican products and their tariff codes from 1947 and 1948 and we want train a model to link the two tariff codes.
65
+ saved_model_path = train_model(
66
+ model_path="hiiamsid/sentence_similarity_spanish_es",
67
+ dataset_path=dataset_path,
68
+ left_col_names=["description47"],
69
+ right_col_names=['description48'],
70
+ left_id_name=['tariffcode47'],
71
+ right_id_name=['tariffcode48'],
72
+ log_wandb=False,
73
+ config_path=LINKAGE_CONFIG_PATH,
74
+ training_args={"num_epochs": 1}
75
+ )
76
+
77
+ ```
78
+
79
+
80
+ You can also use this package for deduplication (clusters a df on the supplied key column). Merging a fine class (like product) to a coarse class (like HS code) is also possible.
81
+ Read our paper and the documentation for more!
82
+
83
+
84
+
85
+ ## Evaluation Results
86
+
87
+ <!--- Describe how your model was evaluated -->
88
+
89
+ You can evaluate the model using the [LinkTransformer](https://github.com/dell-research-harvard/linktransformer) package's inference functions.
90
+ We have provided a few datasets in the package for you to try out. We plan to host more datasets on Huggingface and our website (Coming soon) that you can take a look at.
91
+
92
+
93
+ ## Training
94
+ The model was trained with the parameters:
95
+
96
+ **DataLoader**:
97
+
98
+ `torch.utils.data.dataloader.DataLoader` of length 50 with parameters:
99
+ ```
100
+ {'batch_size': 64, 'sampler': 'torch.utils.data.dataloader._InfiniteConstantSampler', 'batch_sampler': 'torch.utils.data.sampler.BatchSampler'}
101
+ ```
102
+
103
+ **Loss**:
104
+
105
+ `linktransformer.modified_sbert.losses.SupConLoss_wandb`
106
+
107
+ Parameters of the fit()-Method:
108
+ ```
109
+ {
110
+ "epochs": 0,
111
+ "evaluation_steps": 500,
112
+ "evaluator": "sentence_transformers.evaluation.SequentialEvaluator.SequentialEvaluator",
113
+ "max_grad_norm": 1,
114
+ "optimizer_class": "<class 'torch.optim.adamw.AdamW'>",
115
+ "optimizer_params": {
116
+ "lr": 2e-06
117
+ },
118
+ "scheduler": "WarmupLinear",
119
+ "steps_per_epoch": null,
120
+ "warmup_steps": 0,
121
+ "weight_decay": 0.01
122
+ }
123
+ ```
124
+
125
+
126
+
127
+
128
+ LinkTransformer(
129
+ (0): Transformer({'max_seq_length': 512, 'do_lower_case': False}) with Transformer model: BertModel
130
+ (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})
131
+ )
132
+ ```
133
+
134
+ ## Citing & Authors
135
+
136
+ <!--- Describe where people can find more information -->
0/config.json ADDED
@@ -0,0 +1,27 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_name_or_path": "/home/abhishekarora/.cache/torch/sentence_transformers/hiiamsid_sentence_similarity_spanish_es/",
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": 768,
12
+ "initializer_range": 0.02,
13
+ "intermediate_size": 3072,
14
+ "layer_norm_eps": 1e-12,
15
+ "max_position_embeddings": 512,
16
+ "model_type": "bert",
17
+ "num_attention_heads": 12,
18
+ "num_hidden_layers": 12,
19
+ "output_past": true,
20
+ "pad_token_id": 1,
21
+ "position_embedding_type": "absolute",
22
+ "torch_dtype": "float32",
23
+ "transformers_version": "4.31.0",
24
+ "type_vocab_size": 2,
25
+ "use_cache": true,
26
+ "vocab_size": 31002
27
+ }
0/config_sentence_transformers.json ADDED
@@ -0,0 +1,7 @@
 
 
 
 
 
 
 
 
1
+ {
2
+ "__version__": {
3
+ "sentence_transformers": "2.0.0",
4
+ "transformers": "4.10.2",
5
+ "pytorch": "1.9.0+cu102"
6
+ }
7
+ }
0/modules.json ADDED
@@ -0,0 +1,14 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ [
2
+ {
3
+ "idx": 0,
4
+ "name": "0",
5
+ "path": "",
6
+ "type": "sentence_transformers.models.Transformer"
7
+ },
8
+ {
9
+ "idx": 1,
10
+ "name": "1",
11
+ "path": "1_Pooling",
12
+ "type": "sentence_transformers.models.Pooling"
13
+ }
14
+ ]
0/pytorch_model.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:27cedbcf35b15b343168c274181ed80f78982b1dbc33a354dae7556731ffabc9
3
+ size 439470249
0/sentence_bert_config.json ADDED
@@ -0,0 +1,4 @@
 
 
 
 
 
1
+ {
2
+ "max_seq_length": 512,
3
+ "do_lower_case": false
4
+ }
0/special_tokens_map.json ADDED
@@ -0,0 +1,7 @@
 
 
 
 
 
 
 
 
1
+ {
2
+ "cls_token": "[CLS]",
3
+ "mask_token": "[MASK]",
4
+ "pad_token": "[PAD]",
5
+ "sep_token": "[SEP]",
6
+ "unk_token": "[UNK]"
7
+ }
0/tokenizer.json ADDED
The diff for this file is too large to render. See raw diff
 
0/tokenizer_config.json ADDED
@@ -0,0 +1,15 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "clean_up_tokenization_spaces": true,
3
+ "cls_token": "[CLS]",
4
+ "do_basic_tokenize": true,
5
+ "do_lower_case": false,
6
+ "mask_token": "[MASK]",
7
+ "model_max_length": 512,
8
+ "never_split": null,
9
+ "pad_token": "[PAD]",
10
+ "sep_token": "[SEP]",
11
+ "strip_accents": false,
12
+ "tokenize_chinese_chars": true,
13
+ "tokenizer_class": "BertTokenizer",
14
+ "unk_token": "[UNK]"
15
+ }
0/vocab.txt ADDED
The diff for this file is too large to render. See raw diff
 
1_Pooling/config.json CHANGED
File without changes
50/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
+ }
50/README.md ADDED
@@ -0,0 +1,136 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ pipeline_tag: sentence-similarity
3
+ language:
4
+ - es
5
+ tags:
6
+ - linktransformer
7
+ - sentence-transformers
8
+ - sentence-similarity
9
+ - tabular-classification
10
+
11
+ ---
12
+
13
+ # {MODEL_NAME}
14
+
15
+ This is a [LinkTransformer](https://github.com/dell-research-harvard/linktransformer) 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 : hiiamsid/sentence_similarity_spanish_es. It is pretrained for the language : - es.
23
+
24
+
25
+ check
26
+
27
+ ## Usage (LinkTransformer)
28
+
29
+ Using this model becomes easy when you have [LinkTransformer](https://github.com/dell-research-harvard/linktransformer) installed:
30
+
31
+ ```
32
+ pip install -U linktransformer
33
+ ```
34
+
35
+ Then you can use the model like this:
36
+
37
+ ```python
38
+ import linktransformer as lt
39
+ import pandas as pd
40
+
41
+ ##Load the two dataframes that you want to link. For example, 2 dataframes with company names that are written differently
42
+ df1=pd.read_csv("data/df1.csv") ###This is the left dataframe with key CompanyName for instance
43
+ df2=pd.read_csv("data/df2.csv") ###This is the right dataframe with key CompanyName for instance
44
+
45
+ ###Merge the two dataframes on the key column!
46
+ df_merged = lt.merge(df1, df2, on="CompanyName", how="inner")
47
+
48
+ ##Done! The merged dataframe has a column called "score" that contains the similarity score between the two company names
49
+
50
+ ```
51
+
52
+
53
+ ## Training your own LinkTransformer model
54
+ Any Sentence Transformers can be used as a backbone by simply adding a pooling layer. Any other transformer on HuggingFace can also be used by specifying the option add_pooling_layer==True
55
+ The model was trained using SupCon loss.
56
+ Usage can be found in the package docs.
57
+ The training config can be found in the repo with the name LT_training_config.json
58
+ To replicate the training, you can download the file and specify the path in the config_path argument of the training function. You can also override the config by specifying the training_args argument.
59
+ Here is an example.
60
+
61
+
62
+ ```python
63
+
64
+ ##Consider the example in the paper that has a dataset of Mexican products and their tariff codes from 1947 and 1948 and we want train a model to link the two tariff codes.
65
+ saved_model_path = train_model(
66
+ model_path="hiiamsid/sentence_similarity_spanish_es",
67
+ dataset_path=dataset_path,
68
+ left_col_names=["description47"],
69
+ right_col_names=['description48'],
70
+ left_id_name=['tariffcode47'],
71
+ right_id_name=['tariffcode48'],
72
+ log_wandb=False,
73
+ config_path=LINKAGE_CONFIG_PATH,
74
+ training_args={"num_epochs": 1}
75
+ )
76
+
77
+ ```
78
+
79
+
80
+ You can also use this package for deduplication (clusters a df on the supplied key column). Merging a fine class (like product) to a coarse class (like HS code) is also possible.
81
+ Read our paper and the documentation for more!
82
+
83
+
84
+
85
+ ## Evaluation Results
86
+
87
+ <!--- Describe how your model was evaluated -->
88
+
89
+ You can evaluate the model using the [LinkTransformer](https://github.com/dell-research-harvard/linktransformer) package's inference functions.
90
+ We have provided a few datasets in the package for you to try out. We plan to host more datasets on Huggingface and our website (Coming soon) that you can take a look at.
91
+
92
+
93
+ ## Training
94
+ The model was trained with the parameters:
95
+
96
+ **DataLoader**:
97
+
98
+ `torch.utils.data.dataloader.DataLoader` of length 50 with parameters:
99
+ ```
100
+ {'batch_size': 64, 'sampler': 'torch.utils.data.dataloader._InfiniteConstantSampler', 'batch_sampler': 'torch.utils.data.sampler.BatchSampler'}
101
+ ```
102
+
103
+ **Loss**:
104
+
105
+ `linktransformer.modified_sbert.losses.SupConLoss_wandb`
106
+
107
+ Parameters of the fit()-Method:
108
+ ```
109
+ {
110
+ "epochs": 1,
111
+ "evaluation_steps": 500,
112
+ "evaluator": "sentence_transformers.evaluation.SequentialEvaluator.SequentialEvaluator",
113
+ "max_grad_norm": 1,
114
+ "optimizer_class": "<class 'torch.optim.adamw.AdamW'>",
115
+ "optimizer_params": {
116
+ "lr": 2e-06
117
+ },
118
+ "scheduler": "WarmupLinear",
119
+ "steps_per_epoch": null,
120
+ "warmup_steps": 50,
121
+ "weight_decay": 0.01
122
+ }
123
+ ```
124
+
125
+
126
+
127
+
128
+ LinkTransformer(
129
+ (0): Transformer({'max_seq_length': 512, 'do_lower_case': False}) with Transformer model: BertModel
130
+ (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})
131
+ )
132
+ ```
133
+
134
+ ## Citing & Authors
135
+
136
+ <!--- Describe where people can find more information -->
50/config.json ADDED
@@ -0,0 +1,27 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_name_or_path": "/home/abhishekarora/.cache/torch/sentence_transformers/hiiamsid_sentence_similarity_spanish_es/",
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": 768,
12
+ "initializer_range": 0.02,
13
+ "intermediate_size": 3072,
14
+ "layer_norm_eps": 1e-12,
15
+ "max_position_embeddings": 512,
16
+ "model_type": "bert",
17
+ "num_attention_heads": 12,
18
+ "num_hidden_layers": 12,
19
+ "output_past": true,
20
+ "pad_token_id": 1,
21
+ "position_embedding_type": "absolute",
22
+ "torch_dtype": "float32",
23
+ "transformers_version": "4.31.0",
24
+ "type_vocab_size": 2,
25
+ "use_cache": true,
26
+ "vocab_size": 31002
27
+ }
50/config_sentence_transformers.json ADDED
@@ -0,0 +1,7 @@
 
 
 
 
 
 
 
 
1
+ {
2
+ "__version__": {
3
+ "sentence_transformers": "2.0.0",
4
+ "transformers": "4.10.2",
5
+ "pytorch": "1.9.0+cu102"
6
+ }
7
+ }
50/modules.json ADDED
@@ -0,0 +1,14 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ [
2
+ {
3
+ "idx": 0,
4
+ "name": "0",
5
+ "path": "",
6
+ "type": "sentence_transformers.models.Transformer"
7
+ },
8
+ {
9
+ "idx": 1,
10
+ "name": "1",
11
+ "path": "1_Pooling",
12
+ "type": "sentence_transformers.models.Pooling"
13
+ }
14
+ ]
50/pytorch_model.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:a4062466499f9e7dad14314f6b0ffd875bc7697f46beeb52fc5b2f1b9367ac1f
3
+ size 439470249
50/sentence_bert_config.json ADDED
@@ -0,0 +1,4 @@
 
 
 
 
 
1
+ {
2
+ "max_seq_length": 512,
3
+ "do_lower_case": false
4
+ }
50/special_tokens_map.json ADDED
@@ -0,0 +1,7 @@
 
 
 
 
 
 
 
 
1
+ {
2
+ "cls_token": "[CLS]",
3
+ "mask_token": "[MASK]",
4
+ "pad_token": "[PAD]",
5
+ "sep_token": "[SEP]",
6
+ "unk_token": "[UNK]"
7
+ }
50/tokenizer.json ADDED
The diff for this file is too large to render. See raw diff
 
50/tokenizer_config.json ADDED
@@ -0,0 +1,15 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "clean_up_tokenization_spaces": true,
3
+ "cls_token": "[CLS]",
4
+ "do_basic_tokenize": true,
5
+ "do_lower_case": false,
6
+ "mask_token": "[MASK]",
7
+ "model_max_length": 512,
8
+ "never_split": null,
9
+ "pad_token": "[PAD]",
10
+ "sep_token": "[SEP]",
11
+ "strip_accents": false,
12
+ "tokenize_chinese_chars": true,
13
+ "tokenizer_class": "BertTokenizer",
14
+ "unk_token": "[UNK]"
15
+ }
50/vocab.txt ADDED
The diff for this file is too large to render. See raw diff
 
Information-Retrieval_evaluation_eval_results.csv ADDED
@@ -0,0 +1,23 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
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.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.05359306675096148
3
+ 0,0,1.0,1.0,1.0,1.0,1.0,0.3333333333333333,0.8333333333333333,0.8333333333333333,0.6,1.0,0.3,1.0,1.0,0.9734512147629872,0.9333333333333333
4
+ 0,0,0.5,1.0,1.0,1.0,0.5,0.16666666666666666,0.5,0.5,0.4,0.6666666666666666,0.25,0.8333333333333333,0.6666666666666666,0.6846339007333748,0.5912698412698413
5
+ 0,0,0.5,0.5,1.0,1.0,0.5,0.16666666666666666,0.16666666666666666,0.16666666666666666,0.2,0.3333333333333333,0.1,0.3333333333333333,0.625,0.33569303626165203,0.2838744588744589
6
+ 0,0,0.1,0.1,0.1,0.2,0.1,0.05,0.03333333333333333,0.05,0.02,0.05,0.02,0.1,0.11111111111111112,0.07977228895450265,0.10236913664557254
7
+ 0,0,0.1,0.1,0.1,0.2,0.1,0.05,0.06666666666666667,0.1,0.04,0.1,0.030000000000000006,0.15,0.1125,0.11131471927654583,0.12372221236176269
8
+ 0,0,0.1,0.1,0.1,0.1,0.1,0.05,0.03333333333333333,0.05,0.04,0.1,0.02,0.1,0.1,0.08772153153380494,0.09993968422760643
9
+ 0,0,0.0,0.0,0.1,0.1,0.0,0.0,0.0,0.0,0.02,0.05,0.02,0.1,0.02,0.04556051495874604,0.04513437794031414
10
+ 0,0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.024350502718307066
11
+ 0,0,0.0,0.0,0.0,0.3,0.0,0.0,0.0,0.0,0.0,0.0,0.04,0.2,0.03333333333333333,0.07309663771227523,0.046940850242304
12
+ 0,0,0.49452154857560265,0.575846116386657,0.6089603116630143,0.6413440467494521,0.49452154857560265,0.380379027676325,0.23147471796120442,0.48937876100038263,0.1518383248112978,0.525946989460503,0.08280983686389093,0.5628937818127008,0.5424437951464975,0.5122452364894521,0.47752700810581905
13
+ 0,0,0.6666666666666666,0.8888888888888888,1.0,1.0,0.6666666666666666,0.06481481481481481,0.6666666666666665,0.19753086419753085,0.5777777777777778,0.28395061728395066,0.43333333333333335,0.4197530864197531,0.7629629629629631,0.5116334745327551,0.4178862593689223
14
+ 0,0,0.875,1.0,1.0,1.0,0.875,0.06765993265993266,0.7083333333333333,0.16136363636363638,0.525,0.19624579124579125,0.3875,0.28920875420875425,0.9166666666666666,0.49336471068602145,0.32292356875767686
15
+ 0,0,0.75,0.75,0.75,0.75,0.75,0.08333333333333333,0.75,0.25,0.7,0.3888888888888889,0.55,0.6111111111111112,0.75,0.6505235407260443,0.6246693121693121
16
+ 0,0,0.7142857142857143,0.7142857142857143,0.7142857142857143,0.7142857142857143,0.7142857142857143,0.06253811547929196,0.5714285714285714,0.1473546061781356,0.5142857142857143,0.21788538259126494,0.41428571428571426,0.33442766383942857,0.7142857142857143,0.4777332610264408,0.38522401650873533
17
+ 0,0,1.0,1.0,1.0,1.0,1.0,0.09604377104377104,0.9444444444444443,0.27146464646464646,0.9333333333333332,0.44688552188552194,0.9166666666666666,0.8752525252525253,1.0,0.9446540293472511,0.9437421837421837
18
+ 0,0,0.9090909090909091,1.0,1.0,1.0,0.9090909090909091,0.09335664335664334,0.8484848484848484,0.26491841491841495,0.781818181818182,0.4123931623931625,0.5363636363636363,0.570979020979021,0.9393939393939394,0.6631001255349862,0.5991214860429317
19
+ 0,0,1.0,1.0,1.0,1.0,1.0,0.1,1.0,0.3,0.6,0.3,0.4,0.4,1.0,0.5352543167750639,0.42798611111111107
20
+ 0,0,0.7058823529411765,0.8235294117647058,0.8235294117647058,0.8823529411764706,0.7058823529411765,0.058598367576695745,0.6078431372549019,0.15534578940151694,0.5176470588235295,0.22044414134197415,0.3647058823529412,0.32266087885282935,0.7607843137254902,0.4541842391315972,0.3355721971205663
21
+ 0,0,1.0,1.0,1.0,1.0,1.0,0.09166666666666667,0.6666666666666666,0.19166666666666665,0.7,0.3333333333333333,0.5,0.48333333333333334,1.0,0.5925025595071451,0.5150424356345409
22
+ 0,0,0.5399449035812672,0.6143250688705234,0.6391184573002755,0.6749311294765841,0.5399449035812672,0.34067952249770433,0.29935720844811753,0.48034894398530764,0.21212121212121213,0.518732782369146,0.12754820936639116,0.5722681359044995,0.5812650312650313,0.5371330878438076,0.4937521642737977
23
+ 0,0,0.5955678670360111,0.667590027700831,0.6952908587257618,0.7285318559556787,0.5955678670360111,0.3895660203139427,0.32409972299168976,0.5515466297322253,0.21163434903047093,0.589427516158818,0.11357340720221606,0.6228993536472761,0.639268126456492,0.5852010872373794,0.5445780457014971
Information-Retrieval_evaluation_results.csv ADDED
@@ -0,0 +1,5 @@
 
 
 
 
 
 
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.7934131736526946,0.8592814371257484,0.8862275449101796,0.9161676646706587,0.7934131736526946,0.7934131736526946,0.2864271457085828,0.8592814371257484,0.1772455089820359,0.8862275449101796,0.09161676646706585,0.9161676646706587,0.8323911700408705,0.852593366255521,0.8337053625354095
3
+ 0,0,0.9069069069069069,0.9369369369369369,0.948948948948949,0.960960960960961,0.9069069069069069,0.9069069069069069,0.3123123123123123,0.9369369369369369,0.18978978978978975,0.948948948948949,0.09609609609609608,0.960960960960961,0.9239858906525573,0.9328591789302538,0.9246809046089858
4
+ 0,0,0.7934131736526946,0.8592814371257484,0.8862275449101796,0.9161676646706587,0.7934131736526946,0.7934131736526946,0.2864271457085828,0.8592814371257484,0.1772455089820359,0.8862275449101796,0.09161676646706585,0.9161676646706587,0.8323911700408705,0.852593366255521,0.8337053625354095
5
+ 0,0,0.933933933933934,0.9579579579579579,0.9669669669669669,0.972972972972973,0.933933933933934,0.933933933933934,0.31931931931931934,0.9579579579579579,0.19339339339339331,0.9669669669669669,0.09729729729729727,0.972972972972973,0.9471971971971971,0.9535380272153815,0.9478056461308768
Information-Retrieval_evaluation_test_results.csv ADDED
@@ -0,0 +1,8 @@
 
 
 
 
 
 
 
 
 
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,1.0,1.0,1.0,1.0,1.0,0.3333333333333333,1.0,1.0,0.6,1.0,0.3,1.0,1.0,1.0,1.0
3
+ 0,0,1.0,1.0,1.0,1.0,1.0,0.3333333333333333,1.0,1.0,0.6,1.0,0.3,1.0,1.0,1.0,1.0
4
+ 0,0,1.0,1.0,1.0,1.0,1.0,0.3333333333333333,1.0,1.0,0.6,1.0,0.3,1.0,1.0,1.0,1.0
5
+ 0,0,0.2727272727272727,1.0,1.0,1.0,0.2727272727272727,0.13636363636363635,0.36363636363636365,0.5454545454545454,0.30909090909090914,0.7727272727272727,0.19090909090909092,0.9545454545454546,0.5909090909090909,0.6472039246421857,0.49358713182242586
6
+ 0,0,0.2727272727272727,0.6363636363636364,0.8181818181818182,1.0,0.2727272727272727,0.13636363636363635,0.21212121212121213,0.3181818181818182,0.23636363636363636,0.5909090909090909,0.16363636363636364,0.8181818181818182,0.4776334776334777,0.5116469639357679,0.37911911321002234
7
+ 0,0,0.5,0.9,0.9,1.0,0.5,0.25,0.4666666666666666,0.7,0.32,0.8,0.2,1.0,0.6833333333333333,0.773558768799213,0.6827380952380953
8
+ 0,0,0.7257072570725708,0.7653136531365313,0.7781057810578106,0.7923739237392374,0.7257072570725708,0.5734235342353423,0.3338253382533825,0.7018245182451824,0.208019680196802,0.7201271012710126,0.10693726937269374,0.7370028700287002,0.7484135769929131,0.7182552575167618,0.6977379873773693
LT_training_config.json CHANGED
File without changes
README.md CHANGED
@@ -10,7 +10,7 @@ tags:
10
 
11
  ---
12
 
13
- # dell-research-harvard/linktransformer-models-test
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.
 
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.
added_tokens.json CHANGED
File without changes
binary_classification_evaluation_eval_results.csv ADDED
@@ -0,0 +1,145 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ epoch,steps,cossim_accuracy,cossim_accuracy_threshold,cossim_f1,cossim_precision,cossim_recall,cossim_f1_threshold,cossim_ap,manhattan_accuracy,manhattan_accuracy_threshold,manhattan_f1,manhattan_precision,manhattan_recall,manhattan_f1_threshold,manhattan_ap,euclidean_accuracy,euclidean_accuracy_threshold,euclidean_f1,euclidean_precision,euclidean_recall,euclidean_f1_threshold,euclidean_ap,dot_accuracy,dot_accuracy_threshold,dot_f1,dot_precision,dot_recall,dot_f1_threshold,dot_ap
2
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
3
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
4
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
5
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
6
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
7
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
8
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
9
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
10
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
11
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
12
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
13
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
14
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
15
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
16
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
17
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
18
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
19
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
20
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
21
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
22
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
23
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
24
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
25
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
26
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
27
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
28
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
29
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
30
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
31
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
32
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
33
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
34
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
35
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
36
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
37
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
38
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
39
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
40
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
41
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
42
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
43
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
44
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
45
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
46
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
47
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
48
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
49
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
50
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
51
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
52
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
53
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
54
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
55
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
56
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
57
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
58
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
59
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
60
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
61
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
62
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
63
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
64
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
65
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
66
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
67
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
68
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
69
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
70
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
71
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
72
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
73
+ 0,0,0.9642857142857143,0.838032603263855,0.888888888888889,0.9333333333333333,0.8484848484848485,0.838032603263855,0.910976791361714,0.9642857142857143,86.40501403808594,0.8923076923076922,0.90625,0.8787878787878788,88.65666961669922,0.9022768302163748,0.9591836734693877,3.9857494831085205,0.8709677419354839,0.9310344827586207,0.8181818181818182,4.070645809173584,0.9106876062157518,0.8724489795918368,42.74090576171875,0.6575342465753425,0.6,0.7272727272727273,42.74090576171875,0.6204828102015484
74
+ 0,0,0.9209302325581395,0.8408269882202148,0.75,0.7297297297297297,0.7714285714285715,0.8185790777206421,0.8292465647016638,0.9348837209302325,87.16319274902344,0.7666666666666667,0.92,0.6571428571428571,87.16319274902344,0.836514030632798,0.9255813953488372,4.074236869812012,0.7575757575757576,0.8064516129032258,0.7142857142857143,4.1726555824279785,0.8333668621962385,0.8883720930232558,44.86974334716797,0.6,0.4909090909090909,0.7714285714285715,41.25639343261719,0.6367672617871222
75
+ 0,0,0.9209302325581395,0.8408269882202148,0.75,0.7297297297297297,0.7714285714285715,0.8185790777206421,0.8292465647016638,0.9348837209302325,87.16319274902344,0.7666666666666667,0.92,0.6571428571428571,87.16319274902344,0.8365140306327978,0.9255813953488372,4.074236869812012,0.7575757575757576,0.8064516129032258,0.7142857142857143,4.1726555824279785,0.8333668621962385,0.8883720930232558,44.86974334716797,0.6,0.4909090909090909,0.7714285714285715,41.25638961791992,0.6367672617871222
76
+ 0,0,0.9209302325581395,0.8408269882202148,0.75,0.7297297297297297,0.7714285714285715,0.8185790777206421,0.8292465647016638,0.9348837209302325,87.16319274902344,0.7666666666666667,0.92,0.6571428571428571,87.16319274902344,0.8365140306327978,0.9255813953488372,4.074236869812012,0.7575757575757576,0.8064516129032258,0.7142857142857143,4.1726555824279785,0.8333668621962385,0.8883720930232558,44.86974334716797,0.6,0.4909090909090909,0.7714285714285715,41.25638961791992,0.6367672617871222
77
+ 0,0,0.9209302325581395,0.8408269882202148,0.75,0.7297297297297297,0.7714285714285715,0.8185790777206421,0.8292465647016638,0.9348837209302325,87.16319274902344,0.7666666666666667,0.92,0.6571428571428571,87.16319274902344,0.8365140306327978,0.9255813953488372,4.074236869812012,0.7575757575757576,0.8064516129032258,0.7142857142857143,4.1726555824279785,0.8333668621962385,0.8883720930232558,44.86974334716797,0.6,0.4909090909090909,0.7714285714285715,41.25638961791992,0.6367672617871222
78
+ 0,0,0.9209302325581395,0.8408269882202148,0.75,0.7297297297297297,0.7714285714285715,0.8185789585113525,0.8292465647016638,0.9348837209302325,87.16320037841797,0.7666666666666667,0.92,0.6571428571428571,87.16320037841797,0.8365140306327978,0.9255813953488372,4.074236869812012,0.7575757575757576,0.8064516129032258,0.7142857142857143,4.172656059265137,0.8333668621962385,0.8883720930232558,44.86973571777344,0.6,0.4909090909090909,0.7714285714285715,41.25639343261719,0.6367672617871222
79
+ 0,0,0.9209302325581395,0.8408269882202148,0.75,0.7297297297297297,0.7714285714285715,0.8185789585113525,0.8292465647016638,0.9348837209302325,87.16320037841797,0.7666666666666667,0.92,0.6571428571428571,87.16320037841797,0.8365140306327978,0.9255813953488372,4.074236869812012,0.7575757575757576,0.8064516129032258,0.7142857142857143,4.172656059265137,0.8333668621962385,0.8883720930232558,44.86973571777344,0.6,0.4909090909090909,0.7714285714285715,41.25639343261719,0.6367672617871222
80
+ 0,0,0.9209302325581395,0.8408269882202148,0.75,0.7297297297297297,0.7714285714285715,0.8185789585113525,0.8292465647016638,0.9348837209302325,87.16320037841797,0.7666666666666667,0.92,0.6571428571428571,87.16320037841797,0.8365140306327978,0.9255813953488372,4.074236869812012,0.7575757575757576,0.8064516129032258,0.7142857142857143,4.172656059265137,0.8333668621962385,0.8883720930232558,44.86973571777344,0.6,0.4909090909090909,0.7714285714285715,41.25639343261719,0.6367672617871222
81
+ 0,0,0.9209302325581395,0.8408269882202148,0.75,0.7297297297297297,0.7714285714285715,0.8185789585113525,0.8292465647016638,0.9348837209302325,87.16320037841797,0.7666666666666667,0.92,0.6571428571428571,87.16320037841797,0.836514030632798,0.9255813953488372,4.074236869812012,0.7575757575757576,0.8064516129032258,0.7142857142857143,4.172656059265137,0.8333668621962385,0.8883720930232558,44.86973571777344,0.6,0.4909090909090909,0.7714285714285715,41.25639343261719,0.6367672617871222
82
+ 0,0,0.9209302325581395,0.8408269882202148,0.75,0.7297297297297297,0.7714285714285715,0.8185789585113525,0.8292465647016638,0.9348837209302325,87.16320037841797,0.7666666666666667,0.92,0.6571428571428571,87.16320037841797,0.836514030632798,0.9255813953488372,4.074236869812012,0.7575757575757576,0.8064516129032258,0.7142857142857143,4.172656059265137,0.8333668621962385,0.8883720930232558,44.86973571777344,0.6,0.4909090909090909,0.7714285714285715,41.25639343261719,0.6367672617871222
83
+ 0,0,0.9209302325581395,0.8408269882202148,0.75,0.7297297297297297,0.7714285714285715,0.8185789585113525,0.8292465647016638,0.9348837209302325,87.16320037841797,0.7666666666666667,0.92,0.6571428571428571,87.16320037841797,0.836514030632798,0.9255813953488372,4.074236869812012,0.7575757575757576,0.8064516129032258,0.7142857142857143,4.172656059265137,0.8333668621962385,0.8883720930232558,44.86973571777344,0.6,0.4909090909090909,0.7714285714285715,41.25639343261719,0.6367672617871222
84
+ 0,0,0.9209302325581395,0.8408269882202148,0.75,0.7297297297297297,0.7714285714285715,0.8185789585113525,0.8292465647016638,0.9348837209302325,87.16320037841797,0.7666666666666667,0.92,0.6571428571428571,87.16320037841797,0.8365140306327978,0.9255813953488372,4.074236869812012,0.7575757575757576,0.8064516129032258,0.7142857142857143,4.172656059265137,0.8333668621962385,0.8883720930232558,44.86973571777344,0.6,0.4909090909090909,0.7714285714285715,41.25639343261719,0.6367672617871222
85
+ 0,0,0.9209302325581395,0.8408269882202148,0.75,0.7297297297297297,0.7714285714285715,0.8185789585113525,0.8292465647016638,0.9348837209302325,87.16320037841797,0.7666666666666667,0.92,0.6571428571428571,87.16320037841797,0.8365140306327978,0.9255813953488372,4.074236869812012,0.7575757575757576,0.8064516129032258,0.7142857142857143,4.172656059265137,0.8333668621962385,0.8883720930232558,44.86973571777344,0.6,0.4909090909090909,0.7714285714285715,41.25639343261719,0.6367672617871222
86
+ 0,0,0.9209302325581395,0.8408269882202148,0.75,0.7297297297297297,0.7714285714285715,0.8185789585113525,0.8292465647016638,0.9348837209302325,87.16320037841797,0.7666666666666667,0.92,0.6571428571428571,87.16320037841797,0.836514030632798,0.9255813953488372,4.074236869812012,0.7575757575757576,0.8064516129032258,0.7142857142857143,4.172656059265137,0.8333668621962385,0.8883720930232558,44.86973571777344,0.6,0.4909090909090909,0.7714285714285715,41.25639343261719,0.6367672617871222
87
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83079528808594,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
88
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83079528808594,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
89
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
90
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
91
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
92
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
93
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
94
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
95
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
96
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
97
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
98
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
99
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
100
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
101
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
102
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
103
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
104
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
105
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
106
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
107
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
108
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83079528808594,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
109
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83079528808594,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
110
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83079528808594,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
111
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83079528808594,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
112
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83079528808594,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
113
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
114
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
115
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
116
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
117
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
118
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
119
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
120
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
121
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
122
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
123
+ 0,0,0.9560975609756097,0.8302717804908752,0.8615384615384615,0.8484848484848485,0.875,0.8302717804908752,0.8964571193788969,0.9512195121951219,85.86398315429688,0.8484848484848485,0.8235294117647058,0.875,88.87613677978516,0.8612344461974972,0.9560975609756097,4.124167442321777,0.8615384615384615,0.8484848484848485,0.875,4.124167442321777,0.8775700956250515,0.8926829268292683,45.69287872314453,0.6756756756756757,0.5952380952380952,0.78125,42.649986267089844,0.7023754431172928
124
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
125
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
126
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
127
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
128
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
129
+ 0,0,0.9560975609756097,0.8302717804908752,0.8615384615384615,0.8484848484848485,0.875,0.8302717804908752,0.8964571193788969,0.9512195121951219,85.86398315429688,0.8484848484848485,0.8235294117647058,0.875,88.87613677978516,0.8612344461974972,0.9560975609756097,4.124167442321777,0.8615384615384615,0.8484848484848485,0.875,4.124167442321777,0.8775700956250515,0.8926829268292683,45.69287872314453,0.6756756756756757,0.5952380952380952,0.78125,42.649986267089844,0.7023754431172928
130
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
131
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
132
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
133
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
134
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
135
+ 0,0,0.9560975609756097,0.8302717804908752,0.8615384615384615,0.8484848484848485,0.875,0.8302717804908752,0.8964571193788969,0.9512195121951219,85.86398315429688,0.8484848484848485,0.8235294117647058,0.875,88.87613677978516,0.8612344461974972,0.9560975609756097,4.124167442321777,0.8615384615384615,0.8484848484848485,0.875,4.124167442321777,0.8775700956250515,0.8926829268292683,45.69287872314453,0.6756756756756757,0.5952380952380952,0.78125,42.649986267089844,0.7023754431172928
136
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
137
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
138
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
139
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
140
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
141
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
142
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
143
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
144
+ 0,0,0.9271844660194175,0.8297398090362549,0.7894736842105262,0.75,0.8333333333333334,0.8227015733718872,0.8528360542429108,0.9320388349514563,89.1614990234375,0.8108108108108109,0.7894736842105263,0.8333333333333334,90.83080291748047,0.8794508914567609,0.9320388349514563,4.147568702697754,0.8108108108108109,0.7894736842105263,0.8333333333333334,4.237969398498535,0.8669734065147001,0.8543689320388349,44.0770378112793,0.5822784810126581,0.5348837209302325,0.6388888888888888,42.86516571044922,0.5322112152657005
145
+ 0,0,0.9560975609756097,0.8302717804908752,0.8615384615384615,0.8484848484848485,0.875,0.8302717804908752,0.8964571193788969,0.9512195121951219,85.86398315429688,0.8484848484848485,0.8235294117647058,0.875,88.87613677978516,0.8612344461974972,0.9560975609756097,4.124167442321777,0.8615384615384615,0.8484848484848485,0.875,4.124167442321777,0.8775700956250515,0.8926829268292683,45.69287872314453,0.6756756756756757,0.5952380952380952,0.78125,42.649986267089844,0.7023754431172928
binary_classification_evaluation_test_results.csv ADDED
@@ -0,0 +1,140 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ epoch,steps,cossim_accuracy,cossim_accuracy_threshold,cossim_f1,cossim_precision,cossim_recall,cossim_f1_threshold,cossim_ap,manhattan_accuracy,manhattan_accuracy_threshold,manhattan_f1,manhattan_precision,manhattan_recall,manhattan_f1_threshold,manhattan_ap,euclidean_accuracy,euclidean_accuracy_threshold,euclidean_f1,euclidean_precision,euclidean_recall,euclidean_f1_threshold,euclidean_ap,dot_accuracy,dot_accuracy_threshold,dot_f1,dot_precision,dot_recall,dot_f1_threshold,dot_ap
2
+ 0,0,0.8229665071770335,0.8526312112808228,0.32142857142857145,0.19148936170212766,1.0,0.6135033369064331,0.2058462855853912,0.8229665071770335,192.05706787109375,0.30837004405286345,0.18324607329842932,0.9722222222222222,305.50048828125,0.17994331898103358,0.8229665071770335,8.694212913513184,0.3152709359605912,0.19161676646706588,0.8888888888888888,13.37017822265625,0.18471879605205105,0.8373205741626795,215.14385986328125,0.36129032258064514,0.23529411764705882,0.7777777777777778,162.56326293945312,0.265568479130327
3
+ 0,0,0.8229665071770335,0.8526312112808228,0.32142857142857145,0.19148936170212766,1.0,0.6135033369064331,0.2058462855853912,0.8229665071770335,192.05706787109375,0.30837004405286345,0.18324607329842932,0.9722222222222222,305.50048828125,0.17994331898103358,0.8229665071770335,8.694212913513184,0.3152709359605912,0.19161676646706588,0.8888888888888888,13.37017822265625,0.18471879605205105,0.8373205741626795,215.14385986328125,0.36129032258064514,0.23529411764705882,0.7777777777777778,162.56326293945312,0.265568479130327
4
+ 0,0,0.8229665071770335,0.8526312112808228,0.32142857142857145,0.19148936170212766,1.0,0.6135033369064331,0.2058462855853912,0.8229665071770335,192.05706787109375,0.30837004405286345,0.18324607329842932,0.9722222222222222,305.50048828125,0.17994331898103358,0.8229665071770335,8.694212913513184,0.3152709359605912,0.19161676646706588,0.8888888888888888,13.37017822265625,0.18471879605205105,0.8373205741626795,215.14385986328125,0.36129032258064514,0.23529411764705882,0.7777777777777778,162.56326293945312,0.265568479130327
5
+ 0,0,0.8229665071770335,0.8526312112808228,0.32142857142857145,0.19148936170212766,1.0,0.6135033369064331,0.2058462855853912,0.8229665071770335,192.05706787109375,0.30837004405286345,0.18324607329842932,0.9722222222222222,305.50048828125,0.17994331898103358,0.8229665071770335,8.694212913513184,0.3152709359605912,0.19161676646706588,0.8888888888888888,13.37017822265625,0.18471879605205105,0.8373205741626795,215.14385986328125,0.36129032258064514,0.23529411764705882,0.7777777777777778,162.56326293945312,0.265568479130327
6
+ 0,0,0.8229665071770335,0.8526312112808228,0.32142857142857145,0.19148936170212766,1.0,0.6135033369064331,0.2058462855853912,0.8229665071770335,192.05706787109375,0.30837004405286345,0.18324607329842932,0.9722222222222222,305.50048828125,0.17994331898103358,0.8229665071770335,8.694212913513184,0.3152709359605912,0.19161676646706588,0.8888888888888888,13.37017822265625,0.18471879605205105,0.8373205741626795,215.14385986328125,0.36129032258064514,0.23529411764705882,0.7777777777777778,162.56326293945312,0.265568479130327
7
+ 0,0,0.8229665071770335,0.8526312112808228,0.32142857142857145,0.19148936170212766,1.0,0.6135033369064331,0.2058462855853912,0.8229665071770335,192.05706787109375,0.30837004405286345,0.18324607329842932,0.9722222222222222,305.50048828125,0.17994331898103358,0.8229665071770335,8.694212913513184,0.3152709359605912,0.19161676646706588,0.8888888888888888,13.37017822265625,0.18471879605205105,0.8373205741626795,215.14385986328125,0.36129032258064514,0.23529411764705882,0.7777777777777778,162.56326293945312,0.265568479130327
8
+ 0,0,0.8229665071770335,0.8526312112808228,0.32142857142857145,0.19148936170212766,1.0,0.6135033369064331,0.2058462855853912,0.8229665071770335,192.05706787109375,0.30837004405286345,0.18324607329842932,0.9722222222222222,305.50048828125,0.17994331898103358,0.8229665071770335,8.694212913513184,0.3152709359605912,0.19161676646706588,0.8888888888888888,13.37017822265625,0.18471879605205105,0.8373205741626795,215.14385986328125,0.36129032258064514,0.23529411764705882,0.7777777777777778,162.56326293945312,0.265568479130327
9
+ 0,0,0.8229665071770335,0.8526312112808228,0.32142857142857145,0.19148936170212766,1.0,0.6135033369064331,0.2058462855853912,0.8229665071770335,192.05706787109375,0.30837004405286345,0.18324607329842932,0.9722222222222222,305.50048828125,0.17994331898103358,0.8229665071770335,8.694212913513184,0.3152709359605912,0.19161676646706588,0.8888888888888888,13.37017822265625,0.18471879605205105,0.8373205741626795,215.14385986328125,0.36129032258064514,0.23529411764705882,0.7777777777777778,162.56326293945312,0.265568479130327
10
+ 0,0,0.8229665071770335,0.8526312112808228,0.32142857142857145,0.19148936170212766,1.0,0.6135033369064331,0.2058462855853912,0.8229665071770335,192.05706787109375,0.30837004405286345,0.18324607329842932,0.9722222222222222,305.50048828125,0.17994331898103358,0.8229665071770335,8.694212913513184,0.3152709359605912,0.19161676646706588,0.8888888888888888,13.37017822265625,0.18471879605205105,0.8373205741626795,215.14385986328125,0.36129032258064514,0.23529411764705882,0.7777777777777778,162.56326293945312,0.265568479130327
11
+ 0,0,0.8229665071770335,0.8526312112808228,0.32142857142857145,0.19148936170212766,1.0,0.6135033369064331,0.2058462855853912,0.8229665071770335,192.05706787109375,0.30837004405286345,0.18324607329842932,0.9722222222222222,305.50048828125,0.17994331898103358,0.8229665071770335,8.694212913513184,0.3152709359605912,0.19161676646706588,0.8888888888888888,13.37017822265625,0.18471879605205105,0.8373205741626795,215.14385986328125,0.36129032258064514,0.23529411764705882,0.7777777777777778,162.56326293945312,0.265568479130327
12
+ 0,0,0.8229665071770335,0.8526312112808228,0.32142857142857145,0.19148936170212766,1.0,0.6135033369064331,0.2058462855853912,0.8229665071770335,192.05706787109375,0.30837004405286345,0.18324607329842932,0.9722222222222222,305.50048828125,0.17994331898103358,0.8229665071770335,8.694212913513184,0.3152709359605912,0.19161676646706588,0.8888888888888888,13.37017822265625,0.18471879605205105,0.8373205741626795,215.14385986328125,0.36129032258064514,0.23529411764705882,0.7777777777777778,162.56326293945312,0.265568479130327
13
+ 0,0,0.8229665071770335,0.8526312112808228,0.32142857142857145,0.19148936170212766,1.0,0.6135033369064331,0.2058462855853912,0.8229665071770335,192.05706787109375,0.30837004405286345,0.18324607329842932,0.9722222222222222,305.50048828125,0.17994331898103358,0.8229665071770335,8.694212913513184,0.3152709359605912,0.19161676646706588,0.8888888888888888,13.37017822265625,0.18471879605205105,0.8373205741626795,215.14385986328125,0.36129032258064514,0.23529411764705882,0.7777777777777778,162.56326293945312,0.265568479130327
14
+ 0,0,0.8229665071770335,0.8526312112808228,0.32142857142857145,0.19148936170212766,1.0,0.6135033369064331,0.2058462855853912,0.8229665071770335,192.05706787109375,0.30837004405286345,0.18324607329842932,0.9722222222222222,305.50048828125,0.17994331898103358,0.8229665071770335,8.694212913513184,0.3152709359605912,0.19161676646706588,0.8888888888888888,13.37017822265625,0.18471879605205105,0.8373205741626795,215.14385986328125,0.36129032258064514,0.23529411764705882,0.7777777777777778,162.56326293945312,0.265568479130327
15
+ 0,0,0.8229665071770335,0.8526312112808228,0.32142857142857145,0.19148936170212766,1.0,0.6135033369064331,0.2058462855853912,0.8229665071770335,192.05706787109375,0.30837004405286345,0.18324607329842932,0.9722222222222222,305.50048828125,0.17994331898103358,0.8229665071770335,8.694212913513184,0.3152709359605912,0.19161676646706588,0.8888888888888888,13.37017822265625,0.18471879605205105,0.8373205741626795,215.14385986328125,0.36129032258064514,0.23529411764705882,0.7777777777777778,162.56326293945312,0.265568479130327
16
+ 0,0,0.8229665071770335,0.8526312112808228,0.32142857142857145,0.19148936170212766,1.0,0.6135033369064331,0.2058462855853912,0.8229665071770335,192.05706787109375,0.30837004405286345,0.18324607329842932,0.9722222222222222,305.50048828125,0.17994331898103358,0.8229665071770335,8.694212913513184,0.3152709359605912,0.19161676646706588,0.8888888888888888,13.37017822265625,0.18471879605205105,0.8373205741626795,215.14385986328125,0.36129032258064514,0.23529411764705882,0.7777777777777778,162.56326293945312,0.265568479130327
17
+ 0,0,0.8229665071770335,0.8526312112808228,0.32142857142857145,0.19148936170212766,1.0,0.6135033369064331,0.2058462855853912,0.8229665071770335,192.05706787109375,0.30837004405286345,0.18324607329842932,0.9722222222222222,305.50048828125,0.17994331898103358,0.8229665071770335,8.694212913513184,0.3152709359605912,0.19161676646706588,0.8888888888888888,13.37017822265625,0.18471879605205105,0.8373205741626795,215.14385986328125,0.36129032258064514,0.23529411764705882,0.7777777777777778,162.56326293945312,0.265568479130327
18
+ 0,0,0.8229665071770335,0.8526312112808228,0.32142857142857145,0.19148936170212766,1.0,0.6135033369064331,0.2058462855853912,0.8229665071770335,192.05706787109375,0.30837004405286345,0.18324607329842932,0.9722222222222222,305.50048828125,0.17994331898103358,0.8229665071770335,8.694212913513184,0.3152709359605912,0.19161676646706588,0.8888888888888888,13.37017822265625,0.18471879605205105,0.8373205741626795,215.14385986328125,0.36129032258064514,0.23529411764705882,0.7777777777777778,162.56326293945312,0.265568479130327
19
+ 0,0,0.8229665071770335,0.8526312112808228,0.32142857142857145,0.19148936170212766,1.0,0.6135033369064331,0.2058462855853912,0.8229665071770335,192.05706787109375,0.30837004405286345,0.18324607329842932,0.9722222222222222,305.50048828125,0.17994331898103358,0.8229665071770335,8.694212913513184,0.3152709359605912,0.19161676646706588,0.8888888888888888,13.37017822265625,0.18471879605205105,0.8373205741626795,215.14385986328125,0.36129032258064514,0.23529411764705882,0.7777777777777778,162.56326293945312,0.265568479130327
20
+ 0,0,0.8229665071770335,0.8526312112808228,0.32142857142857145,0.19148936170212766,1.0,0.6135033369064331,0.2058462855853912,0.8229665071770335,192.05706787109375,0.30837004405286345,0.18324607329842932,0.9722222222222222,305.50048828125,0.17994331898103358,0.8229665071770335,8.694212913513184,0.3152709359605912,0.19161676646706588,0.8888888888888888,13.37017822265625,0.18471879605205105,0.8373205741626795,215.14385986328125,0.36129032258064514,0.23529411764705882,0.7777777777777778,162.56326293945312,0.265568479130327
21
+ 0,0,0.8229665071770335,0.8526312112808228,0.32142857142857145,0.19148936170212766,1.0,0.6135033369064331,0.2058462855853912,0.8229665071770335,192.05706787109375,0.30837004405286345,0.18324607329842932,0.9722222222222222,305.50048828125,0.17994331898103358,0.8229665071770335,8.694212913513184,0.3152709359605912,0.19161676646706588,0.8888888888888888,13.37017822265625,0.18471879605205105,0.8373205741626795,215.14385986328125,0.36129032258064514,0.23529411764705882,0.7777777777777778,162.56326293945312,0.265568479130327
22
+ 0,0,0.8229665071770335,0.8526312112808228,0.32142857142857145,0.19148936170212766,1.0,0.6135033369064331,0.2058462855853912,0.8229665071770335,192.05706787109375,0.30837004405286345,0.18324607329842932,0.9722222222222222,305.50048828125,0.17994331898103358,0.8229665071770335,8.694212913513184,0.3152709359605912,0.19161676646706588,0.8888888888888888,13.37017822265625,0.18471879605205105,0.8373205741626795,215.14385986328125,0.36129032258064514,0.23529411764705882,0.7777777777777778,162.56326293945312,0.265568479130327
23
+ 0,0,0.8229665071770335,0.8526312112808228,0.32142857142857145,0.19148936170212766,1.0,0.6135033369064331,0.2058462855853912,0.8229665071770335,192.05706787109375,0.30837004405286345,0.18324607329842932,0.9722222222222222,305.50048828125,0.17994331898103358,0.8229665071770335,8.694212913513184,0.3152709359605912,0.19161676646706588,0.8888888888888888,13.37017822265625,0.18471879605205105,0.8373205741626795,215.14385986328125,0.36129032258064514,0.23529411764705882,0.7777777777777778,162.56326293945312,0.265568479130327
24
+ 0,0,0.8229665071770335,0.8526312112808228,0.32142857142857145,0.19148936170212766,1.0,0.6135033369064331,0.2058462855853912,0.8229665071770335,192.05706787109375,0.30837004405286345,0.18324607329842932,0.9722222222222222,305.50048828125,0.17994331898103358,0.8229665071770335,8.694212913513184,0.3152709359605912,0.19161676646706588,0.8888888888888888,13.37017822265625,0.18471879605205105,0.8373205741626795,215.14385986328125,0.36129032258064514,0.23529411764705882,0.7777777777777778,162.56326293945312,0.265568479130327
25
+ 0,0,0.8229665071770335,0.8526312112808228,0.32142857142857145,0.19148936170212766,1.0,0.6135033369064331,0.2058462855853912,0.8229665071770335,192.05706787109375,0.30837004405286345,0.18324607329842932,0.9722222222222222,305.50048828125,0.17994331898103358,0.8229665071770335,8.694212913513184,0.3152709359605912,0.19161676646706588,0.8888888888888888,13.37017822265625,0.18471879605205105,0.8373205741626795,215.14385986328125,0.36129032258064514,0.23529411764705882,0.7777777777777778,162.56326293945312,0.265568479130327
26
+ 0,0,0.8229665071770335,0.8526312112808228,0.32142857142857145,0.19148936170212766,1.0,0.6135033369064331,0.2058462855853912,0.8229665071770335,192.05706787109375,0.30837004405286345,0.18324607329842932,0.9722222222222222,305.50048828125,0.17994331898103358,0.8229665071770335,8.694212913513184,0.3152709359605912,0.19161676646706588,0.8888888888888888,13.37017822265625,0.18471879605205105,0.8373205741626795,215.14385986328125,0.36129032258064514,0.23529411764705882,0.7777777777777778,162.56326293945312,0.265568479130327
27
+ 0,0,0.8229665071770335,0.8526312112808228,0.32142857142857145,0.19148936170212766,1.0,0.6135033369064331,0.2058462855853912,0.8229665071770335,192.05706787109375,0.30837004405286345,0.18324607329842932,0.9722222222222222,305.50048828125,0.17994331898103358,0.8229665071770335,8.694212913513184,0.3152709359605912,0.19161676646706588,0.8888888888888888,13.37017822265625,0.18471879605205105,0.8373205741626795,215.14385986328125,0.36129032258064514,0.23529411764705882,0.7777777777777778,162.56326293945312,0.265568479130327
28
+ 0,0,0.8229665071770335,0.8526312112808228,0.32142857142857145,0.19148936170212766,1.0,0.6135033369064331,0.2058462855853912,0.8229665071770335,192.05706787109375,0.30837004405286345,0.18324607329842932,0.9722222222222222,305.50048828125,0.17994331898103358,0.8229665071770335,8.694212913513184,0.3152709359605912,0.19161676646706588,0.8888888888888888,13.37017822265625,0.18471879605205105,0.8373205741626795,215.14385986328125,0.36129032258064514,0.23529411764705882,0.7777777777777778,162.56326293945312,0.265568479130327
29
+ 0,0,0.8229665071770335,0.8526312112808228,0.32142857142857145,0.19148936170212766,1.0,0.6135033369064331,0.2058462855853912,0.8229665071770335,192.05706787109375,0.30837004405286345,0.18324607329842932,0.9722222222222222,305.50048828125,0.17994331898103358,0.8229665071770335,8.694212913513184,0.3152709359605912,0.19161676646706588,0.8888888888888888,13.37017822265625,0.18471879605205105,0.8373205741626795,215.14385986328125,0.36129032258064514,0.23529411764705882,0.7777777777777778,162.56326293945312,0.265568479130327
30
+ 0,0,0.8229665071770335,0.8526312112808228,0.32142857142857145,0.19148936170212766,1.0,0.6135033369064331,0.2058462855853912,0.8229665071770335,192.05706787109375,0.30837004405286345,0.18324607329842932,0.9722222222222222,305.50048828125,0.17994331898103358,0.8229665071770335,8.694212913513184,0.3152709359605912,0.19161676646706588,0.8888888888888888,13.37017822265625,0.18471879605205105,0.8373205741626795,215.14385986328125,0.36129032258064514,0.23529411764705882,0.7777777777777778,162.56326293945312,0.265568479130327
31
+ 0,0,0.8564593301435407,0.843856692314148,0.49275362318840576,0.5151515151515151,0.4722222222222222,0.8145207166671753,0.46030785248177447,0.8516746411483254,12.326464653015137,0.47058823529411764,0.5,0.4444444444444444,12.955442428588867,0.45173844635868204,0.8564593301435407,0.5588254928588867,0.49275362318840576,0.5151515151515151,0.4722222222222222,0.6090636253356934,0.46030785248177447,0.8564593301435407,0.843856692314148,0.49275362318840576,0.5151515151515151,0.4722222222222222,0.8145207166671753,0.46030785248177447
32
+ 0,0,0.8564593301435407,0.843856692314148,0.49275362318840576,0.5151515151515151,0.4722222222222222,0.8145207166671753,0.46030785248177447,0.8516746411483254,12.326464653015137,0.47058823529411764,0.5,0.4444444444444444,12.95544147491455,0.45173844635868204,0.8564593301435407,0.5588254928588867,0.49275362318840576,0.5151515151515151,0.4722222222222222,0.6090636253356934,0.46030785248177447,0.8564593301435407,0.843856692314148,0.49275362318840576,0.5151515151515151,0.4722222222222222,0.8145207166671753,0.46030785248177447
33
+ 0,0,0.8564593301435407,0.8437846899032593,0.49275362318840576,0.5151515151515151,0.4722222222222222,0.8145115375518799,0.46030785248177447,0.8516746411483254,12.323287010192871,0.4776119402985074,0.5161290322580645,0.4444444444444444,12.952445983886719,0.45218647503251713,0.8564593301435407,0.5589537620544434,0.49275362318840576,0.5151515151515151,0.4722222222222222,0.6090786457061768,0.46030785248177447,0.8564593301435407,0.8437846899032593,0.49275362318840576,0.5151515151515151,0.4722222222222222,0.8145115375518799,0.46030785248177447
34
+ 0,0,0.8564593301435407,0.8438546061515808,0.49275362318840576,0.5151515151515151,0.4722222222222222,0.8145207762718201,0.46030785248177447,0.8516746411483254,12.326397895812988,0.47058823529411764,0.5,0.4444444444444444,12.955411911010742,0.45173844635868204,0.8564593301435407,0.5588291883468628,0.49275362318840576,0.5151515151515151,0.4722222222222222,0.6090636253356934,0.46030785248177447,0.8564593301435407,0.8438546061515808,0.49275362318840576,0.5151515151515151,0.4722222222222222,0.8145207166671753,0.46030785248177447
35
+ 0,0,0.8564593301435407,0.8438547849655151,0.49275362318840576,0.5151515151515151,0.4722222222222222,0.8145207166671753,0.46030785248177447,0.8516746411483254,12.32638931274414,0.47058823529411764,0.5,0.4444444444444444,12.955379486083984,0.45173844635868204,0.8564593301435407,0.5588288903236389,0.49275362318840576,0.5151515151515151,0.4722222222222222,0.6090636253356934,0.46030785248177447,0.8564593301435407,0.8438547849655151,0.49275362318840576,0.5151515151515151,0.4722222222222222,0.8145207762718201,0.46030785248177447
36
+ 0,0,0.8564593301435407,0.8438543081283569,0.49275362318840576,0.5151515151515151,0.4722222222222222,0.8145204782485962,0.46030785248177447,0.8516746411483254,12.326404571533203,0.47058823529411764,0.5,0.4444444444444444,12.95541763305664,0.45173844635868204,0.8564593301435407,0.5588297247886658,0.49275362318840576,0.5151515151515151,0.4722222222222222,0.6090640425682068,0.46030785248177447,0.8564593301435407,0.8438542485237122,0.49275362318840576,0.5151515151515151,0.4722222222222222,0.8145204782485962,0.46030785248177447
37
+ 0,0,0.8516746411483254,0.8546442985534668,0.4999999999999999,0.53125,0.4722222222222222,0.8337341547012329,0.46510382154081936,0.84688995215311,10.931906700134277,0.5,0.5714285714285714,0.4444444444444444,12.258176803588867,0.4698367745647183,0.8516746411483254,0.5391765832901001,0.4999999999999999,0.53125,0.4722222222222222,0.5766506195068359,0.46510382154081936,0.8516746411483254,0.8546443581581116,0.4999999999999999,0.53125,0.4722222222222222,0.8337341547012329,0.46510382154081936
38
+ 0,0,0.8564593301435407,0.843856692314148,0.49275362318840576,0.5151515151515151,0.4722222222222222,0.8145206570625305,0.46030785248177447,0.8516746411483254,12.326465606689453,0.47058823529411764,0.5,0.4444444444444444,12.955440521240234,0.45173844635868204,0.8564593301435407,0.5588254928588867,0.49275362318840576,0.5151515151515151,0.4722222222222222,0.6090637445449829,0.46030785248177447,0.8564593301435407,0.843856692314148,0.49275362318840576,0.5151515151515151,0.4722222222222222,0.8145206570625305,0.46030785248177447
39
+ 0,0,0.8564593301435407,0.8470771312713623,0.5070422535211268,0.5142857142857142,0.5,0.8091112375259399,0.46926333586375285,0.8564593301435407,11.776893615722656,0.4848484848484848,0.5333333333333333,0.4444444444444444,13.031473159790039,0.46821269248926034,0.8564593301435407,0.5530323386192322,0.5070422535211268,0.5142857142857142,0.5,0.617881178855896,0.46926333586375285,0.8564593301435407,0.8470771908760071,0.5070422535211268,0.5142857142857142,0.5,0.8091112375259399,0.46926333586375285
40
+ 0,0,0.8564593301435407,0.8470771312713623,0.5070422535211268,0.5142857142857142,0.5,0.8091112375259399,0.46926333586375285,0.8564593301435407,11.776893615722656,0.4848484848484848,0.5333333333333333,0.4444444444444444,13.031473159790039,0.46821269248926034,0.8564593301435407,0.5530323386192322,0.5070422535211268,0.5142857142857142,0.5,0.617881178855896,0.46926333586375285,0.8564593301435407,0.8470771908760071,0.5070422535211268,0.5142857142857142,0.5,0.8091112375259399,0.46926333586375285
41
+ 0,0,0.8564593301435407,0.8470233678817749,0.5070422535211268,0.5142857142857142,0.5,0.8092758655548096,0.4693516663668505,0.8564593301435407,11.776156425476074,0.4848484848484848,0.5333333333333333,0.4444444444444444,13.033815383911133,0.4675291006117328,0.8564593301435407,0.5531293153762817,0.5070422535211268,0.5142857142857142,0.5,0.6176143884658813,0.4693516663668505,0.8564593301435407,0.8470233678817749,0.5070422535211268,0.5142857142857142,0.5,0.8092758655548096,0.4693516663668505
42
+ 0,0,0.8564593301435407,0.8470233678817749,0.5070422535211268,0.5142857142857142,0.5,0.80927574634552,0.4693516663668505,0.8564593301435407,11.776156425476074,0.4848484848484848,0.5333333333333333,0.4444444444444444,13.03381633758545,0.4675291006117328,0.8564593301435407,0.5531293153762817,0.5070422535211268,0.5142857142857142,0.5,0.6176145076751709,0.4693516663668505,0.8564593301435407,0.8470233678817749,0.5070422535211268,0.5142857142857142,0.5,0.80927574634552,0.4693516663668505
43
+ 0,0,0.8564593301435407,0.8470233678817749,0.5070422535211268,0.5142857142857142,0.5,0.8092758655548096,0.4693516663668505,0.8564593301435407,11.776156425476074,0.4848484848484848,0.5333333333333333,0.4444444444444444,13.033815383911133,0.4675291006117328,0.8564593301435407,0.5531293153762817,0.5070422535211268,0.5142857142857142,0.5,0.6176143884658813,0.4693516663668505,0.8564593301435407,0.8470233678817749,0.5070422535211268,0.5142857142857142,0.5,0.8092758655548096,0.4693516663668505
44
+ 0,0,0.8995215311004785,0.8023349642753601,0.676923076923077,0.7586206896551724,0.6111111111111112,0.8023349642753601,0.6192109948576859,0.9043062200956937,81.1081771850586,0.6956521739130435,0.7272727272727273,0.6666666666666666,82.70008087158203,0.6296485582227546,0.9043062200956937,3.767564296722412,0.684931506849315,0.6756756756756757,0.6944444444444444,3.882061719894409,0.6258425497400836,0.861244019138756,30.553508758544922,0.575,0.5227272727272727,0.6388888888888888,29.142009735107422,0.5370450962243157
45
+ 0,0,0.8995215311004785,0.8023349642753601,0.676923076923077,0.7586206896551724,0.6111111111111112,0.8023349642753601,0.6192109948576859,0.9043062200956937,81.1081771850586,0.6956521739130435,0.7272727272727273,0.6666666666666666,82.70008087158203,0.6296485582227546,0.9043062200956937,3.767564296722412,0.684931506849315,0.6756756756756757,0.6944444444444444,3.882061719894409,0.6258425497400836,0.861244019138756,30.553508758544922,0.575,0.5227272727272727,0.6388888888888888,29.142009735107422,0.5370450962243157
46
+ 0,0,0.8995215311004785,0.8131462931632996,0.676923076923077,0.7586206896551724,0.6111111111111112,0.8021016120910645,0.6199603052772418,0.9043062200956937,81.5886459350586,0.696969696969697,0.7666666666666667,0.6388888888888888,81.83172607421875,0.6293893644817549,0.9043062200956937,3.766594409942627,0.6944444444444444,0.6944444444444444,0.6944444444444444,3.86822509765625,0.6276520537216599,0.861244019138756,30.558053970336914,0.575,0.5227272727272727,0.6388888888888888,29.13431739807129,0.5386069832393743
47
+ 0,0,0.8995215311004785,0.8131462931632996,0.676923076923077,0.7586206896551724,0.6111111111111112,0.8021016120910645,0.6199603052772418,0.9043062200956937,81.5886459350586,0.696969696969697,0.7666666666666667,0.6388888888888888,81.83172607421875,0.6293893644817549,0.9043062200956937,3.766594409942627,0.6944444444444444,0.6944444444444444,0.6944444444444444,3.86822509765625,0.6276520537216599,0.861244019138756,30.558053970336914,0.575,0.5227272727272727,0.6388888888888888,29.13431739807129,0.5386069832393743
48
+ 0,0,0.9186602870813397,0.7492119073867798,0.7951807228915662,0.7021276595744681,0.9166666666666666,0.7411364316940308,0.7840965817735349,0.937799043062201,96.283203125,0.8311688311688312,0.7804878048780488,0.8888888888888888,96.283203125,0.8492613513263992,0.9282296650717703,4.367137908935547,0.7948717948717949,0.7380952380952381,0.8611111111111112,4.492133140563965,0.8158955806241651,0.8995215311004785,31.634784698486328,0.7032967032967034,0.5818181818181818,0.8888888888888888,28.865182876586914,0.6377383207646241
49
+ 0,0,0.9330143540669856,0.8248518705368042,0.8205128205128205,0.7619047619047619,0.8888888888888888,0.8248518705368042,0.8573877259326729,0.9473684210526315,90.59184265136719,0.8493150684931507,0.8378378378378378,0.8611111111111112,90.59184265136719,0.8913598452888937,0.9425837320574163,4.222866535186768,0.8378378378378377,0.8157894736842105,0.8611111111111112,4.222866535186768,0.8741373582619278,0.9043062200956937,44.745384216308594,0.7222222222222222,0.7222222222222222,0.7222222222222222,44.57878875732422,0.6241542458498827
50
+ 0,0,0.9282296650717703,0.8346666097640991,0.7945205479452055,0.7837837837837838,0.8055555555555556,0.8346666097640991,0.8402352350370544,0.937799043062201,87.2350845336914,0.8311688311688312,0.7804878048780488,0.8888888888888888,91.7349624633789,0.8800995384199866,0.937799043062201,4.168351173400879,0.8266666666666667,0.7948717948717948,0.8611111111111112,4.225568771362305,0.8584608744990264,0.9090909090909091,44.481201171875,0.732394366197183,0.7428571428571429,0.7222222222222222,44.481201171875,0.6216244266112279
51
+ 0,0,0.9330143540669856,0.8257577419281006,0.8205128205128205,0.7619047619047619,0.8888888888888888,0.8241381645202637,0.8535632362152006,0.9521531100478469,91.91477966308594,0.8648648648648649,0.8421052631578947,0.8888888888888888,91.91477966308594,0.888547305495134,0.9473684210526315,4.192054271697998,0.8493150684931507,0.8378378378378378,0.8611111111111112,4.192054271697998,0.8723684835835553,0.9090909090909091,44.62336730957031,0.732394366197183,0.7428571428571429,0.7222222222222222,44.62336730957031,0.6301646051984069
52
+ 0,0,0.9330143540669856,0.823293924331665,0.8157894736842106,0.775,0.8611111111111112,0.823293924331665,0.8495088620218089,0.9473684210526315,90.85850524902344,0.8493150684931507,0.8378378378378378,0.8611111111111112,90.85850524902344,0.8889766837112256,0.9425837320574163,4.2253217697143555,0.8378378378378377,0.8157894736842105,0.8611111111111112,4.2253217697143555,0.8706776271572123,0.9090909090909091,43.76102828979492,0.732394366197183,0.7428571428571429,0.7222222222222222,43.76102828979492,0.6272767317890124
53
+ 0,0,0.9330143540669856,0.8322077393531799,0.8108108108108109,0.7894736842105263,0.8333333333333334,0.8322077393531799,0.8486698660470626,0.937799043062201,88.37776184082031,0.8311688311688312,0.7804878048780488,0.8888888888888888,92.15015411376953,0.8858276026407816,0.9425837320574163,4.1718902587890625,0.8378378378378377,0.8157894736842105,0.8611111111111112,4.223340034484863,0.8741249224058774,0.9090909090909091,44.82417297363281,0.732394366197183,0.7428571428571429,0.7222222222222222,44.47283935546875,0.623163765213947
54
+ 0,0,0.9330143540669856,0.8263847231864929,0.8157894736842106,0.775,0.8611111111111112,0.8263847231864929,0.854231956359628,0.9425837320574163,90.15760040283203,0.8333333333333334,0.8333333333333334,0.8333333333333334,90.15760040283203,0.8861640348946315,0.937799043062201,4.152553558349609,0.8266666666666667,0.7948717948717948,0.8611111111111112,4.2409467697143555,0.8710440153692517,0.9043062200956937,44.86750793457031,0.7222222222222222,0.7222222222222222,0.7222222222222222,44.12945556640625,0.6230429155677432
55
+ 0,0,0.9282296650717703,0.8480325937271118,0.8051948051948052,0.7560975609756098,0.8611111111111112,0.8317173719406128,0.8510721012266158,0.9473684210526315,90.05730438232422,0.8493150684931507,0.8378378378378378,0.8611111111111112,90.05730438232422,0.8878942155871876,0.9425837320574163,4.109140396118164,0.8285714285714286,0.8529411764705882,0.8055555555555556,4.109140396118164,0.8737648535735503,0.9043062200956937,45.35216522216797,0.7222222222222222,0.7222222222222222,0.7222222222222222,45.35216522216797,0.6251107378926527
56
+ 0,0,0.9282296650717703,0.8362966775894165,0.8101265822784809,0.7441860465116279,0.8888888888888888,0.8279821872711182,0.8479537553855091,0.937799043062201,89.08583068847656,0.8266666666666667,0.7948717948717948,0.8611111111111112,89.671875,0.8837868262202084,0.937799043062201,4.116191864013672,0.8205128205128205,0.7619047619047619,0.8888888888888888,4.284139633178711,0.865841231126777,0.9043062200956937,45.02626037597656,0.7222222222222222,0.7222222222222222,0.7222222222222222,45.02626037597656,0.6205178266652241
57
+ 0,0,0.9282296650717703,0.8394116163253784,0.8,0.7692307692307693,0.8333333333333334,0.8394116163253784,0.8412268541022879,0.9473684210526315,88.50336456298828,0.8493150684931507,0.8378378378378378,0.8611111111111112,88.50336456298828,0.8800073989386904,0.937799043062201,4.117605209350586,0.8266666666666667,0.7948717948717948,0.8611111111111112,4.117605209350586,0.8536913637307534,0.8995215311004785,46.71632766723633,0.6865671641791045,0.7419354838709677,0.6388888888888888,46.71632766723633,0.6114381180093228
58
+ 0,0,0.9282296650717703,0.8670498132705688,0.7951807228915662,0.7021276595744681,0.9166666666666666,0.8234369158744812,0.845922624765093,0.937799043062201,86.26846313476562,0.8250000000000001,0.75,0.9166666666666666,92.82369232177734,0.8852245356533589,0.937799043062201,4.105137348175049,0.8219178082191781,0.8108108108108109,0.8333333333333334,4.132106304168701,0.867112464016075,0.8995215311004785,46.86064910888672,0.7042253521126761,0.7142857142857143,0.6944444444444444,46.12262725830078,0.6147807947675299
59
+ 0,0,0.9330143540669856,0.8386099934577942,0.8108108108108109,0.7894736842105263,0.8333333333333334,0.8386099934577942,0.8528336236625705,0.9425837320574163,89.9505386352539,0.8378378378378377,0.8157894736842105,0.8611111111111112,90.3406753540039,0.8863238834690458,0.9425837320574163,4.158461570739746,0.8378378378378377,0.8157894736842105,0.8611111111111112,4.195437431335449,0.8736072835549289,0.9043062200956937,45.520042419433594,0.7222222222222222,0.7222222222222222,0.7222222222222222,45.19696807861328,0.62915151516978
60
+ 0,0,0.9330143540669856,0.8429926037788391,0.8101265822784809,0.7441860465116279,0.8888888888888888,0.8250164985656738,0.8518028889153607,0.9473684210526315,91.4877700805664,0.8533333333333333,0.8205128205128205,0.8888888888888888,91.4877700805664,0.8900716116536038,0.9473684210526315,4.142143249511719,0.8450704225352113,0.8571428571428571,0.8333333333333334,4.142143249511719,0.8718802066596177,0.9043062200956937,44.9854736328125,0.7222222222222222,0.7222222222222222,0.7222222222222222,44.9854736328125,0.6267331948613797
61
+ 0,0,0.9330143540669856,0.8305860757827759,0.8157894736842106,0.775,0.8611111111111112,0.8305860757827759,0.8520280032396493,0.9425837320574163,90.49008178710938,0.8421052631578948,0.8,0.8888888888888888,92.2166748046875,0.8896171227655312,0.9473684210526315,4.165370941162109,0.8450704225352113,0.8571428571428571,0.8333333333333334,4.165370941162109,0.8727144752829765,0.9043062200956937,45.74425506591797,0.7222222222222222,0.7222222222222222,0.7222222222222222,45.74425506591797,0.6214891539397214
62
+ 0,0,0.9282296650717703,0.8464911580085754,0.7999999999999999,0.7272727272727273,0.8888888888888888,0.8267242908477783,0.8473923432321416,0.9425837320574163,90.00003051757812,0.8378378378378377,0.8157894736842105,0.8611111111111112,90.38253784179688,0.8843714246625038,0.9425837320574163,4.168469429016113,0.8378378378378377,0.8157894736842105,0.8611111111111112,4.185441970825195,0.8657370211059959,0.9043062200956937,45.133644104003906,0.7222222222222222,0.7222222222222222,0.7222222222222222,45.133644104003906,0.6242134511995163
63
+ 0,0,0.9330143540669856,0.8297466039657593,0.8157894736842106,0.775,0.8611111111111112,0.8297466039657593,0.8597543475115467,0.9425837320574163,90.24810028076172,0.8333333333333334,0.8333333333333334,0.8333333333333334,90.24810028076172,0.8887995080003656,0.937799043062201,4.201539039611816,0.8266666666666667,0.7948717948717948,0.8611111111111112,4.237994194030762,0.8704947589366889,0.9043062200956937,46.37586212158203,0.7222222222222222,0.7222222222222222,0.7222222222222222,45.221893310546875,0.6304984493726784
64
+ 0,0,0.9234449760765551,0.8707884550094604,0.7999999999999999,0.7272727272727273,0.8888888888888888,0.8338060975074768,0.8475130039659011,0.9425837320574163,89.3472900390625,0.8333333333333334,0.8333333333333334,0.8333333333333334,89.3472900390625,0.8822407305002959,0.9330143540669856,3.934016704559326,0.8205128205128205,0.7619047619047619,0.8888888888888888,4.269444465637207,0.8655200367602972,0.8995215311004785,47.79442596435547,0.7123287671232876,0.7027027027027027,0.7222222222222222,46.63679504394531,0.6212909817769604
65
+ 0,0,0.9282296650717703,0.8452624678611755,0.7999999999999999,0.7272727272727273,0.8888888888888888,0.8259685039520264,0.8467180037543205,0.9425837320574163,89.6187973022461,0.8378378378378377,0.8157894736842105,0.8611111111111112,89.6187973022461,0.8849755709137996,0.9425837320574163,4.140893459320068,0.8378378378378377,0.8157894736842105,0.8611111111111112,4.140893459320068,0.8692452903477546,0.8995215311004785,45.458335876464844,0.7042253521126761,0.7142857142857143,0.6944444444444444,44.576759338378906,0.6222359846343947
66
+ 0,0,0.9282296650717703,0.8348007202148438,0.8101265822784809,0.7441860465116279,0.8888888888888888,0.8233290910720825,0.8505090664897857,0.9473684210526315,90.35324096679688,0.8493150684931507,0.8378378378378378,0.8611111111111112,90.35324096679688,0.8896283921442982,0.9425837320574163,4.200115203857422,0.8378378378378377,0.8157894736842105,0.8611111111111112,4.200115203857422,0.8711270747586964,0.9043062200956937,45.17547607421875,0.7142857142857144,0.7352941176470589,0.6944444444444444,44.34697723388672,0.6262232447272348
67
+ 0,0,0.9282296650717703,0.8348537683486938,0.7999999999999999,0.7272727272727273,0.8888888888888888,0.8211401104927063,0.8487229645009989,0.9425837320574163,89.60853576660156,0.8333333333333334,0.8333333333333334,0.8333333333333334,89.60853576660156,0.88909453917106,0.937799043062201,4.161413192749023,0.8266666666666667,0.7948717948717948,0.8611111111111112,4.219874382019043,0.8709544200557697,0.9043062200956937,44.413841247558594,0.7222222222222222,0.7222222222222222,0.7222222222222222,44.05506896972656,0.6258973454367355
68
+ 0,0,0.9234449760765551,0.8663380146026611,0.7999999999999999,0.7272727272727273,0.8888888888888888,0.8246427774429321,0.8464795780454951,0.9473684210526315,89.59737396240234,0.8493150684931507,0.8378378378378378,0.8611111111111112,89.59737396240234,0.8884473517383107,0.9425837320574163,4.134355068206787,0.8333333333333334,0.8333333333333334,0.8333333333333334,4.134355068206787,0.8644058303474738,0.8995215311004785,45.651649475097656,0.7123287671232876,0.7027027027027027,0.7222222222222222,44.188140869140625,0.6206813702702347
69
+ 0,0,0.9282296650717703,0.8429516553878784,0.8101265822784809,0.7441860465116279,0.8888888888888888,0.8210662603378296,0.8492807012504999,0.9425837320574163,90.71723937988281,0.8378378378378377,0.8157894736842105,0.8611111111111112,91.39420318603516,0.8880440625838332,0.9425837320574163,4.246189117431641,0.8378378378378377,0.8157894736842105,0.8611111111111112,4.246189117431641,0.8722100861178916,0.9043062200956937,45.462486267089844,0.7222222222222222,0.7222222222222222,0.7222222222222222,44.4216423034668,0.6251679263493409
70
+ 0,0,0.9282296650717703,0.8443948030471802,0.8048780487804877,0.717391304347826,0.9166666666666666,0.8174220323562622,0.848038571847804,0.9473684210526315,90.13714599609375,0.8493150684931507,0.8378378378378378,0.8611111111111112,90.13714599609375,0.8863242428747032,0.937799043062201,4.136080265045166,0.8266666666666667,0.7948717948717948,0.8611111111111112,4.188973903656006,0.8691509667005543,0.8995215311004785,45.09523010253906,0.7123287671232876,0.7027027027027027,0.7222222222222222,44.041683197021484,0.6216600919184306
71
+ 0,0,0.9330143540669856,0.8234449625015259,0.8157894736842106,0.775,0.8611111111111112,0.8234449625015259,0.8547483842590178,0.9425837320574163,91.0740966796875,0.8421052631578948,0.8,0.8888888888888888,92.52580261230469,0.8873132800773477,0.9425837320574163,4.198044300079346,0.8333333333333334,0.8333333333333334,0.8333333333333334,4.198044300079346,0.8732181821212035,0.9090909090909091,45.2088623046875,0.7222222222222222,0.7222222222222222,0.7222222222222222,44.22673797607422,0.628396037433785
72
+ 0,0,0.9330143540669856,0.8271241784095764,0.8157894736842106,0.775,0.8611111111111112,0.8271241784095764,0.855639608192378,0.9425837320574163,90.52611541748047,0.8333333333333334,0.8333333333333334,0.8333333333333334,90.52611541748047,0.8906594160662213,0.9425837320574163,4.178708553314209,0.8378378378378377,0.8157894736842105,0.8611111111111112,4.23062801361084,0.872349986059604,0.9090909090909091,44.26026153564453,0.732394366197183,0.7428571428571429,0.7222222222222222,44.26026153564453,0.6358725588128028
73
+ 0,0,0.9707317073170731,0.8359183073043823,0.9032258064516129,0.9655172413793104,0.8484848484848485,0.8359183073043823,0.9195770562084687,0.9707317073170731,92.86644744873047,0.90625,0.9354838709677419,0.8787878787878788,92.86644744873047,0.9169820228223439,0.9658536585365853,4.290227890014648,0.888888888888889,0.9333333333333333,0.8484848484848485,4.290227890014648,0.9105613236478218,0.8926829268292683,46.846527099609375,0.619718309859155,0.5789473684210527,0.6666666666666666,43.063316345214844,0.6814111978175345
74
+ 0,0,0.9658536585365853,0.8358210921287537,0.8852459016393442,0.9642857142857143,0.8181818181818182,0.8358210921287537,0.918617516373374,0.9707317073170731,93.50762176513672,0.90625,0.9354838709677419,0.8787878787878788,93.50762176513672,0.9213549672383856,0.9658536585365853,4.2937211990356445,0.888888888888889,0.9333333333333333,0.8484848484848485,4.2937211990356445,0.9148112310903648,0.8926829268292683,46.69660949707031,0.619718309859155,0.5789473684210527,0.6666666666666666,42.770111083984375,0.6910940497549953
75
+ 0,0,0.9707317073170731,0.8397178053855896,0.9032258064516129,0.9655172413793104,0.8484848484848485,0.8397178053855896,0.9223061095643739,0.9707317073170731,92.22049713134766,0.90625,0.9354838709677419,0.8787878787878788,92.22049713134766,0.9181401794313748,0.9707317073170731,4.271061897277832,0.90625,0.9354838709677419,0.8787878787878788,4.271061897277832,0.9124067877387696,0.8878048780487805,47.15949630737305,0.6493506493506495,0.5681818181818182,0.7575757575757576,43.1385498046875,0.6919997433056977
76
+ 0,0,0.9707317073170731,0.836086630821228,0.9032258064516129,0.9655172413793104,0.8484848484848485,0.836086630821228,0.9193228435025527,0.9707317073170731,92.54356384277344,0.90625,0.9354838709677419,0.8787878787878788,92.54356384277344,0.9189439055210092,0.9707317073170731,4.308994293212891,0.90625,0.9354838709677419,0.8787878787878788,4.308994293212891,0.9137359227870905,0.8926829268292683,46.80207824707031,0.6666666666666667,0.6153846153846154,0.7272727272727273,43.1500244140625,0.7034435822546724
77
+ 0,0,0.9658536585365853,0.8337910771369934,0.8852459016393442,0.9642857142857143,0.8181818181818182,0.8337910771369934,0.9194191646209884,0.9707317073170731,93.50738525390625,0.90625,0.9354838709677419,0.8787878787878788,93.50738525390625,0.9181395589078639,0.9707317073170731,4.349880218505859,0.90625,0.9354838709677419,0.8787878787878788,4.349880218505859,0.9160961062310982,0.8926829268292683,46.53431701660156,0.6153846153846154,0.625,0.6060606060606061,43.263336181640625,0.6923315689446263
78
+ 0,0,0.9658536585365853,0.8355370759963989,0.888888888888889,0.9333333333333333,0.8484848484848485,0.8355370759963989,0.9195140375045808,0.9707317073170731,92.38945770263672,0.90625,0.9354838709677419,0.8787878787878788,92.38945770263672,0.9211377964399292,0.9658536585365853,4.260106086730957,0.888888888888889,0.9333333333333333,0.8484848484848485,4.260106086730957,0.9134819118402462,0.8926829268292683,46.62132263183594,0.619718309859155,0.5789473684210527,0.6666666666666666,43.462432861328125,0.685346119963736
79
+ 0,0,0.9707317073170731,0.8307658433914185,0.9032258064516129,0.9655172413793104,0.8484848484848485,0.8307658433914185,0.92336297247606,0.9707317073170731,93.04698181152344,0.90625,0.9354838709677419,0.8787878787878788,93.04698181152344,0.9183782637231783,0.9707317073170731,4.3302202224731445,0.90625,0.9354838709677419,0.8787878787878788,4.3302202224731445,0.9110499289139964,0.8926829268292683,46.243961334228516,0.6575342465753425,0.6,0.7272727272727273,42.56592559814453,0.7022182205597235
80
+ 0,0,0.9658536585365853,0.840235710144043,0.8852459016393442,0.9642857142857143,0.8181818181818182,0.840235710144043,0.917357364747982,0.9707317073170731,92.57876586914062,0.90625,0.9354838709677419,0.8787878787878788,92.57876586914062,0.9184244685701713,0.9707317073170731,4.299632549285889,0.90625,0.9354838709677419,0.8787878787878788,4.299632549285889,0.9123918700588185,0.8926829268292683,46.43659591674805,0.619718309859155,0.5789473684210527,0.6666666666666666,43.3412971496582,0.6861139339691107
81
+ 0,0,0.9658536585365853,0.8377324342727661,0.8852459016393442,0.9642857142857143,0.8181818181818182,0.8377324342727661,0.9181600739673246,0.9707317073170731,92.48200988769531,0.90625,0.9354838709677419,0.8787878787878788,92.48200988769531,0.9169298000694333,0.9658536585365853,4.261159896850586,0.888888888888889,0.9333333333333333,0.8484848484848485,4.261159896850586,0.9105850096009316,0.8926829268292683,45.90373992919922,0.619718309859155,0.5789473684210527,0.6666666666666666,42.84671401977539,0.6837424861453681
82
+ 0,0,0.9707317073170731,0.8327778577804565,0.9032258064516129,0.9655172413793104,0.8484848484848485,0.8327778577804565,0.9230031625232381,0.9707317073170731,93.45814514160156,0.90625,0.9354838709677419,0.8787878787878788,93.45814514160156,0.9175149489368832,0.9707317073170731,4.347740173339844,0.90625,0.9354838709677419,0.8787878787878788,4.347740173339844,0.9167251879983463,0.8926829268292683,46.915401458740234,0.6329113924050633,0.5434782608695652,0.7575757575757576,42.51909255981445,0.6965059697581562
83
+ 0,0,0.9658536585365853,0.838654637336731,0.8852459016393442,0.9642857142857143,0.8181818181818182,0.838654637336731,0.9213981483015515,0.9707317073170731,92.78341674804688,0.90625,0.9354838709677419,0.8787878787878788,92.78341674804688,0.9177746282084618,0.9707317073170731,4.310649871826172,0.90625,0.9354838709677419,0.8787878787878788,4.310649871826172,0.9148553117325036,0.8926829268292683,47.132362365722656,0.6153846153846154,0.625,0.6060606060606061,44.03793716430664,0.6889868190390819
84
+ 0,0,0.9658536585365853,0.8369620442390442,0.8852459016393442,0.9642857142857143,0.8181818181818182,0.8369620442390442,0.9154051359066248,0.9707317073170731,92.89646911621094,0.90625,0.9354838709677419,0.8787878787878788,92.89646911621094,0.9158457007620109,0.9658536585365853,4.289975166320801,0.888888888888889,0.9333333333333333,0.8484848484848485,4.289975166320801,0.9134547345247782,0.8926829268292683,46.61533737182617,0.611111111111111,0.5641025641025641,0.6666666666666666,42.74625015258789,0.6819142728541986
85
+ 0,0,0.9658536585365853,0.8389978408813477,0.8852459016393442,0.9642857142857143,0.8181818181818182,0.8389978408813477,0.9169795727130444,0.9707317073170731,92.60356140136719,0.90625,0.9354838709677419,0.8787878787878788,92.60356140136719,0.9182929799838335,0.9658536585365853,4.263156414031982,0.888888888888889,0.9333333333333333,0.8484848484848485,4.263156414031982,0.9142760770729139,0.8926829268292683,47.01353454589844,0.6153846153846154,0.625,0.6060606060606061,43.99433898925781,0.685765517100837
86
+ 0,0,0.9466019417475728,0.8204578161239624,0.8571428571428572,0.8461538461538461,0.868421052631579,0.8204578161239624,0.84573119016876,0.9466019417475728,94.45697021484375,0.860759493670886,0.8292682926829268,0.8947368421052632,94.45697021484375,0.8535671466205165,0.941747572815534,4.3383026123046875,0.8571428571428571,0.782608695652174,0.9473684210526315,4.529130458831787,0.8572390429297859,0.8592233009708737,45.045654296875,0.6304347826086957,0.5370370370370371,0.7631578947368421,41.31965637207031,0.6334863432108063
87
+ 0,0,0.9368932038834952,0.7446542978286743,0.8311688311688312,0.8205128205128205,0.8421052631578947,0.7446542978286743,0.8250054039211654,0.9368932038834952,102.75177001953125,0.8372093023255814,0.75,0.9473684210526315,106.87879943847656,0.838729425157652,0.941747572815534,4.749996185302734,0.8421052631578947,0.8421052631578947,0.8421052631578947,4.749996185302734,0.8351489413901507,0.883495145631068,34.10447311401367,0.6521739130434783,0.5555555555555556,0.7894736842105263,30.30613899230957,0.6626256379329115
88
+ 0,0,0.9466019417475728,0.8201115131378174,0.8571428571428572,0.8461538461538461,0.868421052631579,0.8201115131378174,0.84573119016876,0.9466019417475728,94.44927978515625,0.860759493670886,0.8292682926829268,0.8947368421052632,94.44927978515625,0.853185277937377,0.941747572815534,4.33580207824707,0.8571428571428571,0.782608695652174,0.9473684210526315,4.523994445800781,0.8560078948842335,0.8592233009708737,45.00022888183594,0.6222222222222222,0.5384615384615384,0.7368421052631579,41.60614013671875,0.6321202463767346
89
+ 0,0,0.9320388349514563,0.7405815720558167,0.825,0.7857142857142857,0.868421052631579,0.7266606688499451,0.8218772397093795,0.9368932038834952,103.0185546875,0.8311688311688312,0.8205128205128205,0.8421052631578947,103.0185546875,0.8377168276562703,0.941747572815534,4.780595302581787,0.8421052631578947,0.8421052631578947,0.8421052631578947,4.780595302581787,0.834838086451397,0.8786407766990292,32.93955612182617,0.6451612903225806,0.5454545454545454,0.7894736842105263,29.30522918701172,0.6525353382368025
90
+ 0,0,0.9466019417475728,0.7981467843055725,0.860759493670886,0.8292682926829268,0.8947368421052632,0.7981467843055725,0.8502084521803587,0.9563106796116505,107.08378601074219,0.891566265060241,0.8222222222222222,0.9736842105263158,107.08378601074219,0.8649811166878141,0.9563106796116505,4.879816055297852,0.8888888888888888,0.8372093023255814,0.9473684210526315,4.879816055297852,0.8606582814862477,0.8883495145631068,43.008392333984375,0.735632183908046,0.6530612244897959,0.8421052631578947,42.61546325683594,0.6981990899329518
91
+ 0,0,0.9466019417475728,0.7812156677246094,0.8641975308641974,0.813953488372093,0.9210526315789473,0.7812156677246094,0.8769387436979921,0.9514563106796117,119.883544921875,0.875,0.8333333333333334,0.9210526315789473,119.883544921875,0.8839017898114951,0.9514563106796117,5.090871810913086,0.875,0.8333333333333334,0.9210526315789473,5.54486083984375,0.8875615581886986,0.9223300970873787,52.68361282348633,0.8139534883720931,0.7291666666666666,0.9210526315789473,52.11764144897461,0.7725212171742978
92
+ 0,0,0.9466019417475728,0.8011441230773926,0.860759493670886,0.8292682926829268,0.8947368421052632,0.8011441230773926,0.850101399508751,0.9563106796116505,106.53939819335938,0.891566265060241,0.8222222222222222,0.9736842105263158,106.53939819335938,0.8661270450046742,0.9563106796116505,4.886106014251709,0.8888888888888888,0.8372093023255814,0.9473684210526315,4.886106014251709,0.8611701382563367,0.8932038834951457,42.800445556640625,0.744186046511628,0.6666666666666666,0.8421052631578947,42.800445556640625,0.7013894203337321
93
+ 0,0,0.9368932038834952,0.7058811783790588,0.8433734939759038,0.7777777777777778,0.9210526315789473,0.6891372203826904,0.8550477786069818,0.9368932038834952,118.64370727539062,0.8505747126436782,0.7551020408163265,0.9736842105263158,144.74200439453125,0.8461081520548674,0.9368932038834952,5.290119171142578,0.8505747126436782,0.7551020408163265,0.9736842105263158,6.612664222717285,0.8466797476337729,0.912621359223301,49.79674530029297,0.7816091954022989,0.6938775510204082,0.8947368421052632,42.253238677978516,0.7807473893468441
94
+ 0,0,0.9368932038834952,0.7105684280395508,0.8333333333333333,0.7608695652173914,0.9210526315789473,0.6158929467201233,0.816492831973534,0.9466019417475728,139.33419799804688,0.860759493670886,0.8292682926829268,0.8947368421052632,139.33419799804688,0.8323209406894773,0.9466019417475728,6.238401412963867,0.8674698795180723,0.8,0.9473684210526315,6.883756637573242,0.8320350282292791,0.912621359223301,40.2626838684082,0.7710843373493975,0.7111111111111111,0.8421052631578947,39.00642395019531,0.7421279611507869
95
+ 0,0,0.9466019417475728,0.8066002726554871,0.860759493670886,0.8292682926829268,0.8947368421052632,0.8066002726554871,0.8498014832731996,0.9563106796116505,106.27470397949219,0.8888888888888888,0.8372093023255814,0.9473684210526315,106.27470397949219,0.8633869772003767,0.9563106796116505,4.890401363372803,0.8888888888888888,0.8372093023255814,0.9473684210526315,4.890401363372803,0.8609334661671609,0.8932038834951457,43.01963806152344,0.744186046511628,0.6666666666666666,0.8421052631578947,43.01963806152344,0.7052809440597322
96
+ 0,0,0.9466019417475728,0.8034680485725403,0.860759493670886,0.8292682926829268,0.8947368421052632,0.8034680485725403,0.8508863775061646,0.9514563106796117,105.31329345703125,0.8809523809523809,0.8043478260869565,0.9736842105263158,107.30119323730469,0.8625772830033928,0.9563106796116505,4.885891437530518,0.8888888888888888,0.8372093023255814,0.9473684210526315,4.885891437530518,0.8604512099948153,0.8883495145631068,43.30461883544922,0.735632183908046,0.6530612244897959,0.8421052631578947,43.30461883544922,0.7052486173326554
97
+ 0,0,0.9466019417475728,0.8038249611854553,0.860759493670886,0.8292682926829268,0.8947368421052632,0.8038249611854553,0.8513611616801432,0.9514563106796117,106.28817749023438,0.8809523809523809,0.8043478260869565,0.9736842105263158,107.33673095703125,0.8625723717755713,0.9563106796116505,4.8875732421875,0.8888888888888888,0.8372093023255814,0.9473684210526315,4.8875732421875,0.8623227980271292,0.8932038834951457,42.41581726074219,0.744186046511628,0.6666666666666666,0.8421052631578947,42.41581726074219,0.6997546939154393
98
+ 0,0,0.9466019417475728,0.8066799640655518,0.860759493670886,0.8292682926829268,0.8947368421052632,0.8066799640655518,0.8477720669052365,0.9514563106796117,106.65782928466797,0.875,0.8333333333333334,0.9210526315789473,106.65782928466797,0.8621682526012227,0.9514563106796117,4.892444610595703,0.8809523809523809,0.8043478260869565,0.9736842105263158,5.017928123474121,0.8595089806572013,0.8932038834951457,42.97145462036133,0.744186046511628,0.6666666666666666,0.8421052631578947,42.97145462036133,0.7026386090705231
99
+ 0,0,0.9466019417475728,0.8072575330734253,0.860759493670886,0.8292682926829268,0.8947368421052632,0.8072575330734253,0.8502744090937738,0.9514563106796117,105.22667694091797,0.8809523809523809,0.8043478260869565,0.9736842105263158,106.69319152832031,0.8615526490453222,0.9563106796116505,4.8607683181762695,0.8888888888888888,0.8372093023255814,0.9473684210526315,4.8607683181762695,0.8616130347131651,0.8932038834951457,43.42000198364258,0.744186046511628,0.6666666666666666,0.8421052631578947,43.42000198364258,0.698806685523468
100
+ 0,0,0.9466019417475728,0.8006172180175781,0.860759493670886,0.8292682926829268,0.8947368421052632,0.8006172180175781,0.8491373612287886,0.9563106796116505,106.82352447509766,0.8888888888888888,0.8372093023255814,0.9473684210526315,106.82352447509766,0.8644170054357422,0.9514563106796117,4.886704444885254,0.8780487804878049,0.8181818181818182,0.9473684210526315,4.933743000030518,0.8604926042945619,0.8932038834951457,42.5860710144043,0.744186046511628,0.6666666666666666,0.8421052631578947,42.5860710144043,0.7006846247449229
101
+ 0,0,0.9320388349514563,0.6679153442382812,0.8372093023255814,0.75,0.9473684210526315,0.6257688403129578,0.8200311140132793,0.941747572815534,137.01922607421875,0.8536585365853658,0.7954545454545454,0.9210526315789473,137.01922607421875,0.8115025643121069,0.941747572815534,6.2718610763549805,0.8536585365853658,0.7954545454545454,0.9210526315789473,6.2718610763549805,0.8146260134569158,0.9271844660194175,34.52777099609375,0.8275862068965517,0.7346938775510204,0.9473684210526315,34.52777099609375,0.7490920494065127
102
+ 0,0,0.9466019417475728,0.5803609490394592,0.8705882352941177,0.7872340425531915,0.9736842105263158,0.5803609490394592,0.8472126094353468,0.9466019417475728,132.81106567382812,0.8571428571428572,0.8461538461538461,0.868421052631579,132.81106567382812,0.85316434320294,0.941747572815534,5.9422526359558105,0.8571428571428571,0.782608695652174,0.9473684210526315,6.90810489654541,0.8498618212607568,0.9271844660194175,32.90227508544922,0.8192771084337349,0.7555555555555555,0.8947368421052632,32.90227508544922,0.7970386725774385
103
+ 0,0,0.9466019417475728,0.8072624802589417,0.860759493670886,0.8292682926829268,0.8947368421052632,0.8072624802589417,0.8480627814816655,0.9514563106796117,106.69200134277344,0.8809523809523809,0.8043478260869565,0.9736842105263158,107.46110534667969,0.8625870883052843,0.9514563106796117,4.888791561126709,0.8780487804878049,0.8181818181818182,0.9473684210526315,4.943653106689453,0.8608277466367418,0.8932038834951457,42.87290573120117,0.744186046511628,0.6666666666666666,0.8421052631578947,42.87290573120117,0.7067567346139921
104
+ 0,0,0.9466019417475728,0.8083813190460205,0.860759493670886,0.8292682926829268,0.8947368421052632,0.8083813190460205,0.853233416093489,0.9563106796116505,105.7052001953125,0.8888888888888888,0.8372093023255814,0.9473684210526315,105.7052001953125,0.8644970028960973,0.9563106796116505,4.849794864654541,0.8888888888888888,0.8372093023255814,0.9473684210526315,4.849794864654541,0.8605182730460182,0.8932038834951457,43.850379943847656,0.744186046511628,0.6666666666666666,0.8421052631578947,43.850379943847656,0.7030021625616398
105
+ 0,0,0.9466019417475728,0.801480770111084,0.860759493670886,0.8292682926829268,0.8947368421052632,0.801480770111084,0.8492747404351637,0.9514563106796117,106.39398193359375,0.875,0.8333333333333334,0.9210526315789473,106.39398193359375,0.8608342893422262,0.9563106796116505,4.9113264083862305,0.8888888888888888,0.8372093023255814,0.9473684210526315,4.9113264083862305,0.8570421755757425,0.8883495145631068,43.24562072753906,0.735632183908046,0.6530612244897959,0.8421052631578947,43.019962310791016,0.6973238156575212
106
+ 0,0,0.941747572815534,0.6220316886901855,0.8604651162790697,0.7708333333333334,0.9736842105263158,0.6220316886901855,0.8436052314069333,0.941747572815534,145.63787841796875,0.8571428571428571,0.782608695652174,0.9473684210526315,152.39688110351562,0.8492847282483259,0.941747572815534,6.19342041015625,0.8604651162790697,0.7708333333333334,0.9736842105263158,7.086627960205078,0.8638100919702459,0.912621359223301,41.009117126464844,0.7954545454545453,0.7,0.9210526315789473,40.29322052001953,0.7600097172836565
107
+ 0,0,0.941747572815534,0.6611003279685974,0.8571428571428571,0.782608695652174,0.9473684210526315,0.6611003279685974,0.834429322098032,0.941747572815534,147.21900939941406,0.8536585365853658,0.7954545454545454,0.9210526315789473,151.00677490234375,0.8347353594547403,0.9466019417475728,6.738908767700195,0.8674698795180723,0.8,0.9473684210526315,7.090344429016113,0.8361197059949085,0.9223300970873787,50.89054489135742,0.8,0.7619047619047619,0.8421052631578947,50.89054489135742,0.7669675142534768
108
+ 0,0,0.9466019417475728,0.8081439733505249,0.860759493670886,0.8292682926829268,0.8947368421052632,0.8081439733505249,0.8477593549360029,0.9563106796116505,106.3080062866211,0.8888888888888888,0.8372093023255814,0.9473684210526315,106.3080062866211,0.8671586389633824,0.9514563106796117,4.861869812011719,0.8809523809523809,0.8043478260869565,0.9736842105263158,4.984285831451416,0.8595568733775077,0.8932038834951457,43.270206451416016,0.744186046511628,0.6666666666666666,0.8421052631578947,43.270206451416016,0.702656705122338
109
+ 0,0,0.9466019417475728,0.8078951835632324,0.860759493670886,0.8292682926829268,0.8947368421052632,0.8078951835632324,0.8535772556455444,0.9514563106796117,105.67190551757812,0.8809523809523809,0.8043478260869565,0.9736842105263158,106.83302307128906,0.863477467741392,0.9563106796116505,4.887148857116699,0.8888888888888888,0.8372093023255814,0.9473684210526315,4.887148857116699,0.8657786734967032,0.8932038834951457,43.506004333496094,0.744186046511628,0.6666666666666666,0.8421052631578947,43.506004333496094,0.704898988773988
110
+ 0,0,0.9466019417475728,0.8001026511192322,0.860759493670886,0.8292682926829268,0.8947368421052632,0.8001026511192322,0.8512537785579051,0.9563106796116505,106.9169692993164,0.891566265060241,0.8222222222222222,0.9736842105263158,106.9169692993164,0.8648247037576785,0.9563106796116505,4.874667644500732,0.8888888888888888,0.8372093023255814,0.9473684210526315,4.874667644500732,0.8605134162373856,0.8883495145631068,42.723655700683594,0.735632183908046,0.6530612244897959,0.8421052631578947,42.723655700683594,0.7042935080547141
111
+ 0,0,0.9466019417475728,0.7021992206573486,0.8705882352941177,0.7872340425531915,0.9736842105263158,0.7021992206573486,0.8559229848850312,0.941747572815534,116.17431640625,0.8536585365853658,0.7954545454545454,0.9210526315789473,128.38467407226562,0.8492387090527591,0.9466019417475728,5.399689674377441,0.860759493670886,0.8292682926829268,0.8947368421052632,5.684024333953857,0.8563834383010658,0.9368932038834952,42.978607177734375,0.8505747126436782,0.7551020408163265,0.9736842105263158,42.978607177734375,0.7693651236467901
112
+ 0,0,0.9320388349514563,0.7135024070739746,0.8333333333333333,0.7608695652173914,0.9210526315789473,0.6233046054840088,0.814938636913873,0.941747572815534,137.74432373046875,0.8536585365853658,0.7954545454545454,0.9210526315789473,137.74432373046875,0.8306676969832115,0.9466019417475728,6.498225212097168,0.8674698795180723,0.8,0.9473684210526315,6.498225212097168,0.8301439915479445,0.912621359223301,37.22905731201172,0.7777777777777778,0.6730769230769231,0.9210526315789473,32.99363708496094,0.7262148571726634
113
+ 0,0,0.9466019417475728,0.8042845726013184,0.860759493670886,0.8292682926829268,0.8947368421052632,0.8042845726013184,0.8500849533142327,0.9611650485436893,106.57530212402344,0.9024390243902439,0.8409090909090909,0.9736842105263158,106.57530212402344,0.863572946626221,0.9563106796116505,4.902848243713379,0.8888888888888888,0.8372093023255814,0.9473684210526315,4.902848243713379,0.8589440439834537,0.8932038834951457,42.81544876098633,0.744186046511628,0.6666666666666666,0.8421052631578947,42.81544876098633,0.7045463458642743
114
+ 0,0,0.9466019417475728,0.8083218932151794,0.860759493670886,0.8292682926829268,0.8947368421052632,0.8083218932151794,0.8528568085789323,0.9514563106796117,106.3335952758789,0.8780487804878049,0.8181818181818182,0.9473684210526315,106.3335952758789,0.8642978555613904,0.9514563106796117,4.863007545471191,0.8809523809523809,0.8043478260869565,0.9736842105263158,4.970784664154053,0.8644662338357677,0.8932038834951457,43.68077087402344,0.744186046511628,0.6666666666666666,0.8421052631578947,43.68077087402344,0.7071985619133534
115
+ 0,0,0.9466019417475728,0.8028618097305298,0.860759493670886,0.8292682926829268,0.8947368421052632,0.8028618097305298,0.8506751587173786,0.9563106796116505,106.87045288085938,0.891566265060241,0.8222222222222222,0.9736842105263158,106.87045288085938,0.8629437634484907,0.9563106796116505,4.881525993347168,0.8888888888888888,0.8372093023255814,0.9473684210526315,4.881525993347168,0.8603178451181034,0.8932038834951457,42.9990348815918,0.744186046511628,0.6666666666666666,0.8421052631578947,42.9990348815918,0.702334962612533
116
+ 0,0,0.941747572815534,0.7017190456390381,0.8604651162790697,0.7708333333333334,0.9736842105263158,0.7017190456390381,0.8348980841694488,0.9466019417475728,116.0682601928711,0.8571428571428571,0.782608695652174,0.9473684210526315,126.72216796875,0.8557997290235798,0.9514563106796117,5.441603660583496,0.8717948717948718,0.85,0.8947368421052632,5.441603660583496,0.8625789165618081,0.9029126213592233,45.0147819519043,0.7142857142857143,0.6521739130434783,0.7894736842105263,40.999412536621094,0.7017829279103821
117
+ 0,0,0.941747572815534,0.8211393356323242,0.8571428571428571,0.782608695652174,0.9473684210526315,0.751629650592804,0.8653395465883219,0.9466019417475728,119.43997192382812,0.860759493670886,0.8292682926829268,0.8947368421052632,119.43997192382812,0.8747427361406043,0.9466019417475728,5.499897003173828,0.860759493670886,0.8292682926829268,0.8947368421052632,5.499897003173828,0.8752051253080899,0.9271844660194175,51.92606735229492,0.8235294117647057,0.7446808510638298,0.9210526315789473,51.92606735229492,0.7995528107459695
118
+ 0,0,0.9466019417475728,0.8062858581542969,0.860759493670886,0.8292682926829268,0.8947368421052632,0.8062858581542969,0.8496197752174758,0.9514563106796117,105.83856201171875,0.8809523809523809,0.8043478260869565,0.9736842105263158,107.236328125,0.8649225165926212,0.9514563106796117,4.8743767738342285,0.8809523809523809,0.8043478260869565,0.9736842105263158,4.971334457397461,0.8589868207950713,0.8932038834951457,42.615718841552734,0.744186046511628,0.6666666666666666,0.8421052631578947,42.615718841552734,0.7077569047431505
119
+ 0,0,0.9466019417475728,0.8103369474411011,0.860759493670886,0.8292682926829268,0.8947368421052632,0.8103369474411011,0.8508709234500481,0.9514563106796117,105.76167297363281,0.8809523809523809,0.8043478260869565,0.9736842105263158,105.76167297363281,0.8623493959181007,0.9563106796116505,4.844758033752441,0.8888888888888888,0.8372093023255814,0.9473684210526315,4.844758033752441,0.8632657284393377,0.8932038834951457,43.71483612060547,0.744186046511628,0.6666666666666666,0.8421052631578947,43.71483612060547,0.7057727102209931
120
+ 0,0,0.9375,0.7847111225128174,0.7936507936507936,0.8064516129032258,0.78125,0.7847111225128174,0.848917813614251,0.9375,96.46898651123047,0.7999999999999999,0.7368421052631579,0.875,108.75468444824219,0.8726816883189813,0.9375,4.815454483032227,0.8,0.7878787878787878,0.8125,4.815454483032227,0.8629368668812912,0.8990384615384616,43.398582458496094,0.676923076923077,0.6666666666666666,0.6875,43.18079376220703,0.6424073772101655
121
+ 0,0,0.9466019417475728,0.8039833307266235,0.860759493670886,0.8292682926829268,0.8947368421052632,0.8039833307266235,0.8523543552014752,0.9514563106796117,105.35295104980469,0.8809523809523809,0.8043478260869565,0.9736842105263158,107.07192993164062,0.8676661118341854,0.9563106796116505,4.887108325958252,0.8888888888888888,0.8372093023255814,0.9473684210526315,4.887108325958252,0.8651583185175307,0.8883495145631068,43.09403991699219,0.735632183908046,0.6530612244897959,0.8421052631578947,42.788238525390625,0.7039876320551164
122
+ 0,0,0.941747572815534,0.7637515068054199,0.8571428571428571,0.782608695652174,0.9473684210526315,0.7637515068054199,0.8544088392819609,0.9368932038834952,103.82426452636719,0.8505747126436782,0.7551020408163265,0.9736842105263158,132.63156127929688,0.8454347472997253,0.9368932038834952,4.992955207824707,0.8433734939759038,0.7777777777777778,0.9210526315789473,5.777209281921387,0.853257161849469,0.9271844660194175,55.90154266357422,0.8275862068965517,0.7346938775510204,0.9473684210526315,55.0401725769043,0.7672788999504606
123
+ 0,0,0.941747572815534,0.7027572989463806,0.8500000000000001,0.8095238095238095,0.8947368421052632,0.7027572989463806,0.8673530858504732,0.941747572815534,132.47695922851562,0.8536585365853658,0.7954545454545454,0.9210526315789473,138.0721893310547,0.8582672286851699,0.9466019417475728,6.193617820739746,0.8641975308641974,0.813953488372093,0.9210526315789473,6.193617820739746,0.8563276452243369,0.9320388349514563,43.39289855957031,0.825,0.7857142857142857,0.868421052631579,43.39289855957031,0.7875950102896434
124
+ 0,0,0.9466019417475728,0.8074849843978882,0.860759493670886,0.8292682926829268,0.8947368421052632,0.8074849843978882,0.8517998348975989,0.9514563106796117,106.15774536132812,0.8809523809523809,0.8043478260869565,0.9736842105263158,107.04359436035156,0.8665204152802269,0.9514563106796117,4.881186485290527,0.8809523809523809,0.8043478260869565,0.9736842105263158,4.987740516662598,0.865324127946245,0.8932038834951457,43.0909538269043,0.744186046511628,0.6666666666666666,0.8421052631578947,43.0909538269043,0.7098872802761693
125
+ 0,0,0.9466019417475728,0.8036285638809204,0.860759493670886,0.8292682926829268,0.8947368421052632,0.8036285638809204,0.8485484260517527,0.9514563106796117,106.13378143310547,0.8809523809523809,0.8043478260869565,0.9736842105263158,107.16375732421875,0.8627916700211854,0.9563106796116505,4.8941802978515625,0.8888888888888888,0.8372093023255814,0.9473684210526315,4.8941802978515625,0.8612812332480381,0.8932038834951457,43.06854248046875,0.744186046511628,0.6666666666666666,0.8421052631578947,43.06854248046875,0.6976419992295917
126
+ 0,0,0.9375,0.7798084616661072,0.7936507936507936,0.8064516129032258,0.78125,0.7798084616661072,0.8415103728172928,0.9375,97.47955322265625,0.8,0.7878787878787878,0.8125,105.1434326171875,0.8729774469056094,0.9375,4.511992931365967,0.7999999999999999,0.7368421052631579,0.875,4.98400354385376,0.8617208386995021,0.8990384615384616,43.096092224121094,0.676923076923077,0.6666666666666666,0.6875,42.840721130371094,0.6421447362836123
127
+ 0,0,0.9466019417475728,0.8053320646286011,0.860759493670886,0.8292682926829268,0.8947368421052632,0.8053320646286011,0.8519592778201363,0.9563106796116505,105.73886108398438,0.891566265060241,0.8222222222222222,0.9736842105263158,106.35598754882812,0.8681602721969262,0.9563106796116505,4.862358570098877,0.8888888888888888,0.8372093023255814,0.9473684210526315,4.862358570098877,0.8634555711942565,0.8932038834951457,43.010494232177734,0.744186046511628,0.6666666666666666,0.8421052631578947,43.010494232177734,0.70452114615202
128
+ 0,0,0.9466019417475728,0.7202864289283752,0.8705882352941177,0.7872340425531915,0.9736842105263158,0.7058637142181396,0.8705947497103548,0.9466019417475728,116.0101318359375,0.8536585365853658,0.7954545454545454,0.9210526315789473,125.41117858886719,0.8668934728313005,0.941747572815534,5.260207653045654,0.8536585365853658,0.7954545454545454,0.9210526315789473,5.77254581451416,0.8711305758442136,0.9368932038834952,43.304229736328125,0.8470588235294116,0.7659574468085106,0.9473684210526315,43.304229736328125,0.7851939769070871
129
+ 0,0,0.9466019417475728,0.7498521208763123,0.8674698795180723,0.8,0.9473684210526315,0.7498521208763123,0.8987795760929904,0.941747572815534,118.171875,0.8536585365853658,0.7954545454545454,0.9210526315789473,130.13302612304688,0.8713081002631542,0.9466019417475728,6.180074214935303,0.8674698795180723,0.8,0.9473684210526315,6.180074214935303,0.8825321446273979,0.9271844660194175,50.79582214355469,0.8275862068965517,0.7346938775510204,0.9473684210526315,50.79582214355469,0.7989490422667294
130
+ 0,0,0.9466019417475728,0.8057109117507935,0.860759493670886,0.8292682926829268,0.8947368421052632,0.8057109117507935,0.8479924959280178,0.9563106796116505,106.69244384765625,0.891566265060241,0.8222222222222222,0.9736842105263158,107.05574798583984,0.864209909693932,0.9563106796116505,4.910843849182129,0.8888888888888888,0.8372093023255814,0.9473684210526315,4.910843849182129,0.8588462349067714,0.8932038834951457,42.98065948486328,0.744186046511628,0.6666666666666666,0.8421052631578947,42.98065948486328,0.7048594339001737
131
+ 0,0,0.9466019417475728,0.8069663047790527,0.860759493670886,0.8292682926829268,0.8947368421052632,0.8069663047790527,0.8488776160056128,0.9514563106796117,107.42440795898438,0.8809523809523809,0.8043478260869565,0.9736842105263158,107.42440795898438,0.8624806575340556,0.9563106796116505,4.918134689331055,0.8888888888888888,0.8372093023255814,0.9473684210526315,4.918134689331055,0.8615814470148803,0.8932038834951457,43.24685287475586,0.744186046511628,0.6666666666666666,0.8421052631578947,43.24685287475586,0.7016608951358488
132
+ 0,0,0.9375,0.7794185876846313,0.7999999999999999,0.7368421052631579,0.875,0.7634850740432739,0.8475450656370929,0.9375,97.06144714355469,0.8,0.7878787878787878,0.8125,104.83177947998047,0.8724142965040969,0.9375,4.8090925216674805,0.8,0.7878787878787878,0.8125,4.823892593383789,0.86478275071642,0.9038461538461539,42.733795166015625,0.6875,0.6875,0.6875,42.733795166015625,0.6379623269942547
133
+ 0,0,0.9466019417475728,0.8053973913192749,0.860759493670886,0.8292682926829268,0.8947368421052632,0.8053973913192749,0.8499869261264223,0.9514563106796117,105.92478942871094,0.8780487804878049,0.8181818181818182,0.9473684210526315,106.4412841796875,0.8660777902513618,0.9563106796116505,4.899334907531738,0.8888888888888888,0.8372093023255814,0.9473684210526315,4.899334907531738,0.863405626133823,0.8932038834951457,43.0728874206543,0.744186046511628,0.6666666666666666,0.8421052631578947,43.0728874206543,0.706799069044619
134
+ 0,0,0.9466019417475728,0.8055816888809204,0.860759493670886,0.8292682926829268,0.8947368421052632,0.8055816888809204,0.8499282062203742,0.9514563106796117,105.8590087890625,0.8780487804878049,0.8181818181818182,0.9473684210526315,106.4341812133789,0.8660777902513618,0.9563106796116505,4.891963958740234,0.8888888888888888,0.8372093023255814,0.9473684210526315,4.891963958740234,0.863405626133823,0.8932038834951457,43.134552001953125,0.744186046511628,0.6666666666666666,0.8421052631578947,43.134552001953125,0.7047625318646759
135
+ 0,0,0.9466019417475728,0.8058615922927856,0.860759493670886,0.8292682926829268,0.8947368421052632,0.8058615922927856,0.8546329744725211,0.9514563106796117,105.14199829101562,0.8809523809523809,0.8043478260869565,0.9736842105263158,106.77388000488281,0.8678366220475615,0.9563106796116505,4.8698225021362305,0.8888888888888888,0.8372093023255814,0.9473684210526315,4.8698225021362305,0.8656086812421034,0.8883495145631068,43.37321472167969,0.735632183908046,0.6530612244897959,0.8421052631578947,43.20933532714844,0.7033324058028152
136
+ 0,0,0.941747572815534,0.7670985460281372,0.8571428571428571,0.782608695652174,0.9473684210526315,0.7478452920913696,0.8629153525958602,0.941747572815534,113.54763793945312,0.8505747126436782,0.7551020408163265,0.9736842105263158,133.8653564453125,0.8626546518154192,0.941747572815534,5.1599836349487305,0.8536585365853658,0.7954545454545454,0.9210526315789473,5.560690879821777,0.8650368229125043,0.9174757281553398,51.703269958496094,0.7954545454545453,0.7,0.9210526315789473,48.03529739379883,0.7692198691212775
137
+ 0,0,0.9368932038834952,0.7289879322052002,0.8433734939759038,0.7777777777777778,0.9210526315789473,0.717008650302887,0.8558553063053735,0.941747572815534,131.04843139648438,0.8536585365853658,0.7954545454545454,0.9210526315789473,131.04843139648438,0.8508727334024431,0.941747572815534,6.058717727661133,0.8536585365853658,0.7954545454545454,0.9210526315789473,6.058717727661133,0.8504077446043167,0.912621359223301,44.424659729003906,0.7999999999999999,0.6923076923076923,0.9473684210526315,42.268333435058594,0.7339594423657675
138
+ 0,0,0.9466019417475728,0.8062608242034912,0.860759493670886,0.8292682926829268,0.8947368421052632,0.8062608242034912,0.8495737246196425,0.9514563106796117,106.42936706542969,0.875,0.8333333333333334,0.9210526315789473,106.42936706542969,0.8617105866973325,0.9514563106796117,4.889660835266113,0.8809523809523809,0.8043478260869565,0.9736842105263158,4.9878387451171875,0.8635256204972707,0.8932038834951457,42.97844314575195,0.744186046511628,0.6666666666666666,0.8421052631578947,42.97844314575195,0.7056106698115887
139
+ 0,0,0.9466019417475728,0.8056934475898743,0.860759493670886,0.8292682926829268,0.8947368421052632,0.8056934475898743,0.8494462645176493,0.9514563106796117,106.28770446777344,0.8809523809523809,0.8043478260869565,0.9736842105263158,107.34017944335938,0.8604703979630711,0.9563106796116505,4.9025774002075195,0.8888888888888888,0.8372093023255814,0.9473684210526315,4.9025774002075195,0.8623634843302892,0.8932038834951457,43.66975784301758,0.744186046511628,0.6666666666666666,0.8421052631578947,43.66975784301758,0.7008901076162043
140
+ 0,0,0.9375,0.7806072235107422,0.7936507936507936,0.8064516129032258,0.78125,0.7806072235107422,0.841486328497226,0.9375,97.28770446777344,0.8,0.7878787878787878,0.8125,105.17669677734375,0.8674724274997279,0.9375,4.50656795501709,0.8,0.7878787878787878,0.8125,4.845162868499756,0.858645051827545,0.9038461538461539,43.03962707519531,0.6875,0.6875,0.6875,43.03962707519531,0.6396548740128697
config.json CHANGED
@@ -1,5 +1,5 @@
1
  {
2
- "_name_or_path": "/mnt/122a7683-fa4b-45dd-9f13-b18cc4f4a187/deeprecordlinkage/linktransformer/models/check",
3
  "architectures": [
4
  "LukeModel"
5
  ],
 
1
  {
2
+ "_name_or_path": "oshizo/sbert-jsnli-luke-japanese-base-lite",
3
  "architectures": [
4
  "LukeModel"
5
  ],
config_sentence_transformers.json CHANGED
File without changes
entity_vocab.json CHANGED
File without changes
eval/Information-Retrieval_evaluation_eval_results.csv ADDED
The diff for this file is too large to render. See raw diff
 
eval/Information-Retrieval_evaluation_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,-1,0.8473053892215568,0.907185628742515,0.9191616766467066,0.9341317365269461,0.8473053892215568,0.8473053892215568,0.3023952095808383,0.907185628742515,0.1838323353293413,0.9191616766467066,0.0934131736526946,0.9341317365269461,0.8798189335614486,0.8932151152874309,0.8818766738178657
eval/binary_classification_evaluation_eval_results.csv ADDED
The diff for this file is too large to render. See raw diff
 
modules.json CHANGED
File without changes
pytorch_model.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:020a5bf195b1a2e806237e48cbb4f021c25b816e05dc43d9b799767e22433a82
3
+ size 532361569
sentence_bert_config.json CHANGED
File without changes
sentencepiece.bpe.model CHANGED
File without changes
special_tokens_map.json CHANGED
@@ -1,13 +1,47 @@
1
  {
2
  "additional_special_tokens": [
3
- "<ent>",
4
- "<ent2>",
5
- "<ent>",
6
- "<ent2>",
7
- "<ent>",
8
- "<ent2>",
9
- "<ent>",
10
- "<ent2>",
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
11
  {
12
  "content": "<ent>",
13
  "lstrip": false,
@@ -23,27 +57,9 @@
23
  "single_word": false
24
  }
25
  ],
26
- "bos_token": {
27
- "content": "<s>",
28
- "lstrip": false,
29
- "normalized": false,
30
- "rstrip": false,
31
- "single_word": false
32
- },
33
- "cls_token": {
34
- "content": "<s>",
35
- "lstrip": false,
36
- "normalized": false,
37
- "rstrip": false,
38
- "single_word": false
39
- },
40
- "eos_token": {
41
- "content": "</s>",
42
- "lstrip": false,
43
- "normalized": false,
44
- "rstrip": false,
45
- "single_word": false
46
- },
47
  "mask_token": {
48
  "content": "<mask>",
49
  "lstrip": true,
@@ -51,25 +67,7 @@
51
  "rstrip": false,
52
  "single_word": false
53
  },
54
- "pad_token": {
55
- "content": "<pad>",
56
- "lstrip": false,
57
- "normalized": false,
58
- "rstrip": false,
59
- "single_word": false
60
- },
61
- "sep_token": {
62
- "content": "</s>",
63
- "lstrip": false,
64
- "normalized": false,
65
- "rstrip": false,
66
- "single_word": false
67
- },
68
- "unk_token": {
69
- "content": "<unk>",
70
- "lstrip": false,
71
- "normalized": false,
72
- "rstrip": false,
73
- "single_word": false
74
- }
75
  }
 
1
  {
2
  "additional_special_tokens": [
3
+ {
4
+ "content": "<ent>",
5
+ "lstrip": false,
6
+ "normalized": true,
7
+ "rstrip": false,
8
+ "single_word": false
9
+ },
10
+ {
11
+ "content": "<ent2>",
12
+ "lstrip": false,
13
+ "normalized": true,
14
+ "rstrip": false,
15
+ "single_word": false
16
+ },
17
+ {
18
+ "content": "<ent>",
19
+ "lstrip": false,
20
+ "normalized": true,
21
+ "rstrip": false,
22
+ "single_word": false
23
+ },
24
+ {
25
+ "content": "<ent2>",
26
+ "lstrip": false,
27
+ "normalized": true,
28
+ "rstrip": false,
29
+ "single_word": false
30
+ },
31
+ {
32
+ "content": "<ent>",
33
+ "lstrip": false,
34
+ "normalized": false,
35
+ "rstrip": false,
36
+ "single_word": false
37
+ },
38
+ {
39
+ "content": "<ent2>",
40
+ "lstrip": false,
41
+ "normalized": false,
42
+ "rstrip": false,
43
+ "single_word": false
44
+ },
45
  {
46
  "content": "<ent>",
47
  "lstrip": false,
 
57
  "single_word": false
58
  }
59
  ],
60
+ "bos_token": "<s>",
61
+ "cls_token": "<s>",
62
+ "eos_token": "</s>",
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
63
  "mask_token": {
64
  "content": "<mask>",
65
  "lstrip": true,
 
67
  "rstrip": false,
68
  "single_word": false
69
  },
70
+ "pad_token": "<pad>",
71
+ "sep_token": "</s>",
72
+ "unk_token": "<unk>"
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
73
  }
test_data.pickle ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:5d6b291c46b322d7c02d92a327989614703e806b645f105d00f6a979b13f73bc
3
+ size 123620
tokenizer.json ADDED
The diff for this file is too large to render. See raw diff
 
tokenizer_config.json CHANGED
@@ -65,8 +65,6 @@
65
  "<ent>",
66
  "<ent2>",
67
  "<ent>",
68
- "<ent2>",
69
- "<ent>",
70
  "<ent2>"
71
  ],
72
  "bos_token": "<s>",
 
65
  "<ent>",
66
  "<ent2>",
67
  "<ent>",
 
 
68
  "<ent2>"
69
  ],
70
  "bos_token": "<s>",
val_data.pickle ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:80d8e07d4b6f5747997cac9e655bea14ba5fd5118e5430c0b522fb7ecc4df40d
3
+ size 123213
vocab.txt ADDED
The diff for this file is too large to render. See raw diff