jfarray commited on
Commit
3a5d92f
1 Parent(s): a0ef168

Add new SentenceTransformer model.

Browse files
.gitattributes CHANGED
@@ -25,3 +25,6 @@ saved_model/**/* filter=lfs diff=lfs merge=lfs -text
25
  *.zip filter=lfs diff=lfs merge=lfs -text
26
  *.zstandard filter=lfs diff=lfs merge=lfs -text
27
  *tfevents* filter=lfs diff=lfs merge=lfs -text
 
 
 
 
25
  *.zip filter=lfs diff=lfs merge=lfs -text
26
  *.zstandard filter=lfs diff=lfs merge=lfs -text
27
  *tfevents* filter=lfs diff=lfs merge=lfs -text
28
+ unigram.json filter=lfs diff=lfs merge=lfs -text
29
+ tokenizer.json filter=lfs diff=lfs merge=lfs -text
30
+ pytorch_model.bin filter=lfs diff=lfs merge=lfs -text
1_Pooling/config.json ADDED
@@ -0,0 +1,7 @@
 
 
 
 
 
 
 
 
1
+ {
2
+ "word_embedding_dimension": 384,
3
+ "pooling_mode_cls_token": false,
4
+ "pooling_mode_mean_tokens": true,
5
+ "pooling_mode_max_tokens": false,
6
+ "pooling_mode_mean_sqrt_len_tokens": false
7
+ }
README.md ADDED
@@ -0,0 +1,125 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ pipeline_tag: sentence-similarity
3
+ tags:
4
+ - sentence-transformers
5
+ - feature-extraction
6
+ - sentence-similarity
7
+ - transformers
8
+ ---
9
+
10
+ # {MODEL_NAME}
11
+
12
+ This is a [sentence-transformers](https://www.SBERT.net) model: It maps sentences & paragraphs to a 384 dimensional dense vector space and can be used for tasks like clustering or semantic search.
13
+
14
+ <!--- Describe your model here -->
15
+
16
+ ## Usage (Sentence-Transformers)
17
+
18
+ Using this model becomes easy when you have [sentence-transformers](https://www.SBERT.net) installed:
19
+
20
+ ```
21
+ pip install -U sentence-transformers
22
+ ```
23
+
24
+ Then you can use the model like this:
25
+
26
+ ```python
27
+ from sentence_transformers import SentenceTransformer
28
+ sentences = ["This is an example sentence", "Each sentence is converted"]
29
+
30
+ model = SentenceTransformer('{MODEL_NAME}')
31
+ embeddings = model.encode(sentences)
32
+ print(embeddings)
33
+ ```
34
+
35
+
36
+
37
+ ## Usage (HuggingFace Transformers)
38
+ Without [sentence-transformers](https://www.SBERT.net), you can use the model like this: First, you pass your input through the transformer model, then you have to apply the right pooling-operation on-top of the contextualized word embeddings.
39
+
40
+ ```python
41
+ from transformers import AutoTokenizer, AutoModel
42
+ import torch
43
+
44
+
45
+ #Mean Pooling - Take attention mask into account for correct averaging
46
+ def mean_pooling(model_output, attention_mask):
47
+ token_embeddings = model_output[0] #First element of model_output contains all token embeddings
48
+ input_mask_expanded = attention_mask.unsqueeze(-1).expand(token_embeddings.size()).float()
49
+ return torch.sum(token_embeddings * input_mask_expanded, 1) / torch.clamp(input_mask_expanded.sum(1), min=1e-9)
50
+
51
+
52
+ # Sentences we want sentence embeddings for
53
+ sentences = ['This is an example sentence', 'Each sentence is converted']
54
+
55
+ # Load model from HuggingFace Hub
56
+ tokenizer = AutoTokenizer.from_pretrained('{MODEL_NAME}')
57
+ model = AutoModel.from_pretrained('{MODEL_NAME}')
58
+
59
+ # Tokenize sentences
60
+ encoded_input = tokenizer(sentences, padding=True, truncation=True, return_tensors='pt')
61
+
62
+ # Compute token embeddings
63
+ with torch.no_grad():
64
+ model_output = model(**encoded_input)
65
+
66
+ # Perform pooling. In this case, mean pooling.
67
+ sentence_embeddings = mean_pooling(model_output, encoded_input['attention_mask'])
68
+
69
+ print("Sentence embeddings:")
70
+ print(sentence_embeddings)
71
+ ```
72
+
73
+
74
+
75
+ ## Evaluation Results
76
+
77
+ <!--- Describe how your model was evaluated -->
78
+
79
+ For an automated evaluation of this model, see the *Sentence Embeddings Benchmark*: [https://seb.sbert.net](https://seb.sbert.net?model_name={MODEL_NAME})
80
+
81
+
82
+ ## Training
83
+ The model was trained with the parameters:
84
+
85
+ **DataLoader**:
86
+
87
+ `torch.utils.data.dataloader.DataLoader` of length 11 with parameters:
88
+ ```
89
+ {'batch_size': 15, 'sampler': 'torch.utils.data.sampler.RandomSampler', 'batch_sampler': 'torch.utils.data.sampler.BatchSampler'}
90
+ ```
91
+
92
+ **Loss**:
93
+
94
+ `sentence_transformers.losses.CosineSimilarityLoss.CosineSimilarityLoss`
95
+
96
+ Parameters of the fit()-Method:
97
+ ```
98
+ {
99
+ "epochs": 30,
100
+ "evaluation_steps": 1,
101
+ "evaluator": "sentence_transformers.evaluation.EmbeddingSimilarityEvaluator.EmbeddingSimilarityEvaluator",
102
+ "max_grad_norm": 1,
103
+ "optimizer_class": "<class 'transformers.optimization.AdamW'>",
104
+ "optimizer_params": {
105
+ "lr": 2e-05
106
+ },
107
+ "scheduler": "WarmupLinear",
108
+ "steps_per_epoch": null,
109
+ "warmup_steps": 33,
110
+ "weight_decay": 0.01
111
+ }
112
+ ```
113
+
114
+
115
+ ## Full Model Architecture
116
+ ```
117
+ SentenceTransformer(
118
+ (0): Transformer({'max_seq_length': 128, 'do_lower_case': False}) with Transformer model: BertModel
119
+ (1): Pooling({'word_embedding_dimension': 384, 'pooling_mode_cls_token': False, 'pooling_mode_mean_tokens': True, 'pooling_mode_max_tokens': False, 'pooling_mode_mean_sqrt_len_tokens': False})
120
+ )
121
+ ```
122
+
123
+ ## Citing & Authors
124
+
125
+ <!--- Describe where people can find more information -->
config.json ADDED
@@ -0,0 +1,26 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_name_or_path": "/root/.cache/torch/sentence_transformers/sentence-transformers_paraphrase-multilingual-MiniLM-L12-v2/",
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": 384,
12
+ "initializer_range": 0.02,
13
+ "intermediate_size": 1536,
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
+ "pad_token_id": 0,
20
+ "position_embedding_type": "absolute",
21
+ "torch_dtype": "float32",
22
+ "transformers_version": "4.16.2",
23
+ "type_vocab_size": 2,
24
+ "use_cache": true,
25
+ "vocab_size": 250037
26
+ }
config_sentence_transformers.json ADDED
@@ -0,0 +1,7 @@
 
 
 
 
 
 
 
 
1
+ {
2
+ "__version__": {
3
+ "sentence_transformers": "2.0.0",
4
+ "transformers": "4.7.0",
5
+ "pytorch": "1.9.0+cu102"
6
+ }
7
+ }
eval/similarity_evaluation_results.csv ADDED
@@ -0,0 +1,361 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ epoch,steps,cosine_pearson,cosine_spearman,euclidean_pearson,euclidean_spearman,manhattan_pearson,manhattan_spearman,dot_pearson,dot_spearman
2
+ 0,1,0.4106261751588814,0.41069823848644194,0.39567371234645116,0.4539296320113305,0.37736095233478156,0.4081552153379191,-0.05937455447312464,-0.24667324540671745
3
+ 0,2,0.41399099199235495,0.4310424236746248,0.3955196664335195,0.4208703310805334,0.37709988582368925,0.4081552153379191,-0.06400785454294725,-0.24667324540671745
4
+ 0,3,0.4182866209696506,0.43867149312019343,0.3941593815089011,0.3878110301497362,0.37549034375285395,0.4081552153379191,-0.07294614426254756,-0.2403156875354103
5
+ 0,4,0.421860843692077,0.43867149312019343,0.39165295378494436,0.4246848658033177,0.3726980320539004,0.43739998154593196,-0.08492034811969819,-0.21869999077296598
6
+ 0,5,0.4239208798834829,0.44248602784297775,0.3870519342192739,0.4590156783083763,0.36796569366760307,0.4157842847834876,-0.09642861149679856,-0.18818371299069164
7
+ 0,6,0.42239410298569685,0.4081552153379191,0.38110109258391056,0.4056121921893962,0.36196757592283885,0.4157842847834876,-0.10713117342093255,-0.2199715023472274
8
+ 0,7,0.4171545495718688,0.46028718988263767,0.3740998339451476,0.3916255648725205,0.35495384899934795,0.39035405329825906,-0.11741263691783375,-0.2199715023472274
9
+ 0,8,0.4077596019892301,0.47173079405099055,0.36502088520177517,0.36238079866450756,0.34588591128940516,0.36238079866450756,-0.12734555241922005,-0.27591801161473034
10
+ 0,9,0.3890951780064018,0.43739998154593196,0.3551422387792079,0.36238079866450756,0.3365445648777553,0.3661953333872919,-0.13321848170669445,-0.32423545143666466
11
+ 0,10,0.3643657078468313,0.35093719449615474,0.3441538261500743,0.3344075440307561,0.3263187363669036,0.27973254633751465,-0.13593525584919525,-0.381453472278429
12
+ 0,11,0.33938292831111355,0.2911761505058675,0.3298932890455658,0.3089773125455275,0.3118554614964578,0.27973254633751465,-0.14240320390697955,-0.381453472278429
13
+ 0,-1,0.33938292831111355,0.2911761505058675,0.3298932890455658,0.3089773125455275,0.3118554614964578,0.27973254633751465,-0.14240320390697955,-0.381453472278429
14
+ 1,1,0.3054743577912669,0.21361394447592028,0.3131709047921771,0.2581168495750703,0.295035852597222,0.25175929170376316,-0.14805478573787367,-0.37255289125859903
15
+ 1,2,0.27033426111396336,0.21361394447592028,0.29521896354201943,0.24794475698097887,0.27596013500938443,0.23014359494131884,-0.15461030143245116,-0.37255289125859903
16
+ 1,3,0.2346660224807946,0.1856406898421688,0.2773821310253098,0.2021703403075674,0.2568412633076687,0.23014359494131884,-0.15991424861908493,-0.37255289125859903
17
+ 1,4,0.202123663411601,0.12842266900040444,0.2620910463732484,0.2021703403075674,0.24030112334165843,0.23395812966410312,-0.1617936192254624,-0.37255289125859903
18
+ 1,5,0.17465233874049427,0.11443604168352871,0.24631281294638352,0.18818371299069164,0.22350182352968842,0.13350871529745015,-0.1643798120808503,-0.3115203356940504
19
+ 1,6,0.15625815157646455,0.0928203449210844,0.23554415218473493,0.16402499307972448,0.21127467664121244,0.08264825232699297,-0.16486571904465033,-0.3115203356940504
20
+ 1,7,0.1330146108788164,0.06866162501011723,0.22468540216790464,0.14622383104006448,0.1995000482278145,0.06103255556454864,-0.16360378117785915,-0.3115203356940504
21
+ 1,8,0.11465678644844078,0.0012715115742614302,0.21560969328291626,0.14622383104006448,0.1902566487459299,0.06103255556454864,-0.16360409388739075,-0.3115203356940504
22
+ 1,9,0.09905161292639868,-0.034330812505058615,0.20909165829905554,0.11316453010926729,0.1843597801971898,0.06103255556454864,-0.1624279867565167,-0.3115203356940504
23
+ 1,10,0.09261899227646285,0.010172092594091442,0.212408067821024,0.14240929631728017,0.1885754884048769,0.08264825232699297,-0.15699257562414629,-0.3115203356940504
24
+ 1,11,0.08891920739208893,-0.03560232407932004,0.2166247569732995,0.17038255095103164,0.19324321780967915,0.1309656921489273,-0.15172547228497368,-0.25048778012950174
25
+ 1,-1,0.08891920739208893,-0.03560232407932004,0.2166247569732995,0.17038255095103164,0.19324321780967915,0.1309656921489273,-0.15172547228497368,-0.25048778012950174
26
+ 2,1,0.09571716545685709,-0.0025430231485228604,0.23490209833917114,0.23141510651558028,0.21419760137181768,0.18691220141643022,-0.13706422309094662,-0.21234243290165886
27
+ 2,2,0.10952253395032521,0.01780116203966002,0.258012904529144,0.24540173383245603,0.24172328021504186,0.24158719910967172,-0.11734418383270327,-0.1983558055847831
28
+ 2,3,0.11485871541179879,0.05340348611898007,0.2635287443833128,0.20979940975313596,0.24757871576624343,0.23777266438688743,-0.11177458647559266,-0.1767401088223388
29
+ 2,4,0.12560919647889995,0.05340348611898007,0.26955346606661523,0.24540173383245603,0.25346025019269836,0.22632906021853458,-0.10941451925604073,-0.1907267361392145
30
+ 2,5,0.13858619342774386,0.08519127547551582,0.27432483910604893,0.21488545605018167,0.2573893253717739,0.22632906021853458,-0.11011443571665892,-0.227600571792796
31
+ 2,6,0.1797254182047438,0.16402499307972448,0.3007692914846168,0.2695604537434232,0.2857292494699879,0.2581168495750703,-0.09749058084888898,-0.2492162685552403
32
+ 2,7,0.21608117694026474,0.27210347689194603,0.32239090335987125,0.2619313842978546,0.30834559766769326,0.21869999077296598,-0.08858306906150094,-0.2352296412383646
33
+ 2,8,0.25458063539915277,0.27210347689194603,0.34095188974692614,0.23395812966410312,0.3264035800109881,0.23395812966410312,-0.0795803922294533,-0.2352296412383646
34
+ 2,9,0.28608899990166214,0.27846103476325323,0.3517635497476884,0.2492162685552403,0.33697120720212614,0.1983558055847831,-0.07689050945092131,-0.2962621968029132
35
+ 2,10,0.3083659536091936,0.28863312735734464,0.3542407790388931,0.27718952318899176,0.339455394449694,0.18309766669364594,-0.08053978425950062,-0.32677847458518755
36
+ 2,11,0.33995003914437333,0.3293214977337104,0.36705405655107876,0.2403156875354103,0.35166064313149925,0.22124301392148887,-0.07049505629247342,-0.32677847458518755
37
+ 2,-1,0.33995003914437333,0.3293214977337104,0.36705405655107876,0.2403156875354103,0.35166064313149925,0.22124301392148887,-0.07049505629247342,-0.32677847458518755
38
+ 3,1,0.3693796687296633,0.3051627778227432,0.37734475871367634,0.21742847919870456,0.3617520892298488,0.21869999077296598,-0.05734044482545888,-0.2657459190206389
39
+ 3,2,0.3836858066078556,0.31279184726831183,0.38067298694077595,0.24540173383245603,0.3647961731978637,0.21742847919870456,-0.04984346557542354,-0.24794475698097887
40
+ 3,3,0.39108192918161383,0.28990463893160606,0.37958001097295263,0.2593883611493318,0.36426128302843497,0.18691220141643022,-0.05026201474333184,-0.18818371299069164
41
+ 3,4,0.3902723606864102,0.3318645208822333,0.3721064382261066,0.2492162685552403,0.3555100022291787,0.2199715023472274,-0.052844582767528826,-0.20852789817887454
42
+ 3,5,0.3678679743924258,0.2911761505058675,0.3507457465935325,0.20852789817887454,0.3313220591893973,0.1856406898421688,-0.0711049702324775,-0.3216924282881418
43
+ 3,6,0.3431541736525969,0.3089773125455275,0.32656439326012954,0.14622383104006448,0.3005195944810033,0.11952208798057443,-0.09299206733522489,-0.3331360324564947
44
+ 3,7,0.3125424287027078,0.26447440744637746,0.3003443747898248,0.12587964585188158,0.2661241392122754,0.11443604168352871,-0.12052529188772464,-0.3051627778227432
45
+ 3,8,0.2790835715217569,0.27846103476325323,0.2758230023665034,0.1309656921489273,0.2350398626234561,0.14876685418858734,-0.14231135361650146,-0.3051627778227432
46
+ 3,9,0.2498435289753067,0.2606598727235932,0.26308620769766317,0.18818371299069164,0.22074911807456526,0.15003836576284876,-0.15243638537958604,-0.2822755694860375
47
+ 3,10,0.2138420769127494,0.18691220141643022,0.24806173823470146,0.18818371299069164,0.20264192663527822,0.16148196993120162,-0.15981527444985005,-0.2975337083771747
48
+ 3,11,0.17872466694289535,0.1780116203966002,0.23284288823834473,0.20852789817887454,0.1855483426987634,0.15130987733711018,-0.16563655945839587,-0.3051627778227432
49
+ 3,-1,0.17872466694289535,0.1780116203966002,0.23284288823834473,0.20852789817887454,0.1855483426987634,0.15130987733711018,-0.16563655945839587,-0.3051627778227432
50
+ 4,1,0.15674094136763383,0.1296941805746659,0.22529874060368302,0.20852789817887454,0.17854503431701835,0.15766743520841733,-0.16770951474861895,-0.2975337083771747
51
+ 4,2,0.14040297066056714,0.09409185649534582,0.22165034951137422,0.18436917826790739,0.17695415787293148,0.1474953426143259,-0.16819813068378456,-0.2822755694860375
52
+ 4,3,0.12854732594582488,0.052131974544718636,0.2218039534392834,0.21488545605018167,0.17891597573092424,0.1347802268717116,-0.167081672724167,-0.2822755694860375
53
+ 4,4,0.12382952176823242,0.054674997693241495,0.2265680837813867,0.22632906021853458,0.1862101305237063,0.14622383104006448,-0.1652360473902672,-0.2822755694860375
54
+ 4,5,0.11672519806365456,0.03305930093079718,0.22500500118727304,0.21234243290165886,0.18583485211587533,0.14622383104006448,-0.1642847605783028,-0.2822755694860375
55
+ 4,6,0.12511959682216311,0.020344185188182883,0.23823290267569389,0.22632906021853458,0.20152813086988267,0.20471336345609026,-0.15998009847082909,-0.25175929170376316
56
+ 4,7,0.14312790654453625,0.13223720372318873,0.25684243465839107,0.2733749884662075,0.22235796697906166,0.2581168495750703,-0.15406291551512777,-0.25175929170376316
57
+ 4,8,0.16079293834130598,0.16275348150546307,0.2742675713657786,0.2835470810602989,0.24096520290123474,0.27210347689194603,-0.14657467564649437,-0.25175929170376316
58
+ 4,9,0.17827119544707443,0.16275348150546307,0.2900807103149014,0.30134824309995895,0.2580756143198498,0.28990463893160606,-0.13847368956291484,-0.25175929170376316
59
+ 4,10,0.2088545406199035,0.1729255740995545,0.3091933005099152,0.3077058009712661,0.2788030460557296,0.28990463893160606,-0.12566150813297183,-0.21361394447592028
60
+ 4,11,0.27103824372148516,0.1983558055847831,0.34168789107754394,0.32042091671388034,0.3145256214348896,0.2835470810602989,-0.0971149288472101,-0.21615696762444314
61
+ 4,-1,0.27103824372148516,0.1983558055847831,0.34168789107754394,0.32042091671388034,0.3145256214348896,0.2835470810602989,-0.0971149288472101,-0.21615696762444314
62
+ 5,1,0.3298334991382332,0.27210347689194603,0.3671575876748775,0.32296393986240324,0.3435804002429266,0.3038912662484818,-0.06483613263258811,-0.2021703403075674
63
+ 5,2,0.3781563072281272,0.3089773125455275,0.3838754906110601,0.35093719449615474,0.3627435252081928,0.31660638199109614,-0.03335044547983378,-0.17165406252529306
64
+ 5,3,0.4049480166020163,0.319149405139619,0.3948609094534918,0.4157842847834876,0.3750899517813414,0.3496656829218933,-0.007406348875583265,-0.18182615511938452
65
+ 5,4,0.4181884917204143,0.3318645208822333,0.39927554357788225,0.42977091210036333,0.37946589196645797,0.3496656829218933,0.008392609517780442,-0.1678395278025088
66
+ 5,5,0.4244359425390695,0.3471226597733704,0.39976617048655017,0.41069823848644194,0.38000605184406494,0.36110928709024614,0.010424547351192253,-0.17165406252529306
67
+ 5,6,0.418829253029291,0.31787789356535756,0.3997651640486824,0.41069823848644194,0.37875274204996945,0.381453472278429,0.002781458591792329,-0.17165406252529306
68
+ 5,7,0.41537227794790055,0.3077058009712661,0.40061080249515774,0.46283021303116056,0.3782949001885573,0.381453472278429,-0.0019755233934686256,-0.17165406252529306
69
+ 5,8,0.4095846734310442,0.36365231023876904,0.4052960655709223,0.47173079405099055,0.38261631837205606,0.3763674259813833,-0.005380187844997717,-0.17165406252529306
70
+ 5,9,0.40616155719344704,0.3674668449615533,0.41040859509555083,0.47173079405099055,0.3884408781213963,0.41069823848644194,-0.00982346186796822,-0.17165406252529306
71
+ 5,10,0.38837794148599536,0.3789104491299062,0.4121995774824953,0.47300230562525203,0.3906089339758044,0.41196975006070335,-0.019805468336341482,-0.17165406252529306
72
+ 5,11,0.3721641176354716,0.3789104491299062,0.41041546852160726,0.4437575394172391,0.3881381163124126,0.3763674259813833,-0.029256127215324015,-0.17165406252529306
73
+ 5,-1,0.3721641176354716,0.3789104491299062,0.41041546852160726,0.4437575394172391,0.3881381163124126,0.3763674259813833,-0.029256127215324015,-0.17165406252529306
74
+ 6,1,0.364997383727329,0.3789104491299062,0.40871774330185834,0.46283021303116056,0.38499373100855006,0.3763674259813833,-0.03543838157620318,-0.2021703403075674
75
+ 6,2,0.3492332158764865,0.40052614589235047,0.40072120946666845,0.4590156783083763,0.3743425263952975,0.4081552153379191,-0.04794964663099461,-0.2021703403075674
76
+ 6,3,0.34503409545519953,0.4056121921893962,0.39649059286672284,0.44757207414002337,0.36783573724376045,0.36238079866450756,-0.055819676821449574,-0.2021703403075674
77
+ 6,4,0.32555418941201086,0.3420366134763247,0.38812960074972425,0.4195988195062719,0.35731269160346035,0.34076510190206327,-0.07419162934342642,-0.2021703403075674
78
+ 6,5,0.29775995235722813,0.3420366134763247,0.3777413565114317,0.4195988195062719,0.34690084652117087,0.3674668449615533,-0.09226238680769777,-0.16021045835694017
79
+ 6,6,0.27565075479413903,0.2670174305949003,0.36834000881269985,0.3789104491299062,0.33671587065183917,0.3789104491299062,-0.10566363696510912,-0.1296941805746659
80
+ 6,7,0.25455309245282987,0.23141510651558028,0.3596611135620599,0.4043406806151348,0.3278535147468098,0.3789104491299062,-0.11440505048113452,-0.13605173844597301
81
+ 6,8,0.24996798757934074,0.20344185188182884,0.3552734111372641,0.4043406806151348,0.3235483297152416,0.4043406806151348,-0.11727639648286373,-0.15130987733711018
82
+ 6,9,0.259299026006349,0.26447440744637746,0.3551942568312086,0.42214184265479476,0.32470877802399606,0.42214184265479476,-0.11474061453812794,-0.15130987733711018
83
+ 6,10,0.28336354481548415,0.2492162685552403,0.36131924047654246,0.42214184265479476,0.3306985971388548,0.3839964954269519,-0.1083763182178843,-0.1474953426143259
84
+ 6,11,0.30060938151936495,0.24413022225819456,0.3638539663873604,0.42214184265479476,0.3325767649080742,0.42722788895184055,-0.10314366530041427,-0.20089882873330597
85
+ 6,-1,0.30060938151936495,0.24413022225819456,0.3638539663873604,0.42214184265479476,0.3325767649080742,0.42722788895184055,-0.10314366530041427,-0.20089882873330597
86
+ 7,1,0.31773030216632525,0.28609010420882175,0.36026505369076817,0.4412145162687163,0.32926644445514625,0.4195988195062719,-0.09549331497103883,-0.20089882873330597
87
+ 7,2,0.3445322871345053,0.319149405139619,0.35963801419700336,0.4259563773775791,0.3275894915611444,0.4323139352488863,-0.08623217006060432,-0.16402499307972448
88
+ 7,3,0.3624847164479549,0.37509591440712187,0.35937212724670553,0.41196975006070335,0.3283622085453137,0.3598377755159847,-0.0797584302295818,-0.16402499307972448
89
+ 7,4,0.3713184312836079,0.3420366134763247,0.35992739730471207,0.3598377755159847,0.3317132059120569,0.3356790556050176,-0.07466109222854073,-0.16402499307972448
90
+ 7,5,0.3775631764124082,0.32804998615944897,0.36253531623971574,0.36873835653581477,0.3370782142897633,0.345851148199109,-0.07187542276916,-0.16402499307972448
91
+ 7,6,0.3787099301890365,0.3420366134763247,0.3637748711875308,0.32804998615944897,0.3405942618451523,0.32423545143666466,-0.0687753723772549,-0.14113778474301875
92
+ 7,7,0.38619932082518243,0.33695056717927896,0.3708353097481131,0.31787789356535756,0.3498359262141682,0.31279184726831183,-0.05375246276366801,-0.12206511112909728
93
+ 7,8,0.38699699005655536,0.3445796366248476,0.3820264899250059,0.3344075440307561,0.36251642853437477,0.3344075440307561,-0.04050467106910121,-0.13223720372318873
94
+ 7,9,0.38673401856336553,0.36110928709024614,0.39639936130210146,0.37382440283286045,0.3788059804067281,0.37382440283286045,-0.025039622626438676,-0.14622383104006448
95
+ 7,10,0.3859951425089695,0.4068837037636577,0.4125023342885032,0.4132412616349648,0.39808144235029025,0.381453472278429,-0.01316225362548095,-0.13223720372318873
96
+ 7,11,0.40216036327436916,0.41832730793201056,0.4305480844113812,0.3916255648725205,0.4180189895539783,0.4056121921893962,0.0018797901336613818,-0.1729255740995545
97
+ 7,-1,0.40216036327436916,0.41832730793201056,0.4305480844113812,0.3916255648725205,0.4180189895539783,0.4056121921893962,0.0018797901336613818,-0.1729255740995545
98
+ 8,1,0.4119393203612005,0.41832730793201056,0.44043742852201645,0.42214184265479476,0.42815721467334455,0.4501150972885462,0.012673506993638978,-0.20344185188182884
99
+ 8,2,0.4180226174032386,0.4323139352488863,0.44194070646749917,0.42722788895184055,0.42949708742871195,0.4501150972885462,0.016557491929161252,-0.1780116203966002
100
+ 8,3,0.42559236742992107,0.41451277320922625,0.44087060143879714,0.42214184265479476,0.4281750091464499,0.4501150972885462,0.021815924905008607,-0.1780116203966002
101
+ 8,4,0.43030084503276306,0.4323139352488863,0.4382378413423363,0.4323139352488863,0.42520882999356746,0.43739998154593196,0.024416992203214357,-0.1780116203966002
102
+ 8,5,0.42617482137794443,0.43867149312019343,0.4295978342094324,0.41451277320922625,0.4152090460473922,0.38526800700121333,0.0140094568872816,-0.1780116203966002
103
+ 8,6,0.41972455871566083,0.4501150972885462,0.4192490139356937,0.4323139352488863,0.4032975546519434,0.4501150972885462,0.0019958783830220954,-0.1780116203966002
104
+ 8,7,0.4175740793404758,0.44248602784297775,0.4040185123174799,0.4348569583974091,0.38793264830806273,0.4195988195062719,-0.004943014100081399,-0.13350871529745015
105
+ 8,8,0.41604052626156685,0.43358544682314765,0.3934142120242697,0.37382440283286045,0.3788160739393017,0.4081552153379191,-0.007772038420547625,-0.10553546066369869
106
+ 8,9,0.4098555545461955,0.4348569583974091,0.38408312942333195,0.39798312274382763,0.37068602623064556,0.4323139352488863,-0.011110939318242608,-0.07247615973290152
107
+ 8,10,0.403045871020438,0.4437575394172391,0.37710781894623097,0.4094267269121805,0.3654503288217495,0.4157842847834876,-0.008248283789053202,-0.07374767130716295
108
+ 8,11,0.38966742163144696,0.43739998154593196,0.3620674813116237,0.44757207414002337,0.34889619740433236,0.43739998154593196,0.019796546365981157,-0.03051627778227432
109
+ 8,-1,0.38966742163144696,0.43739998154593196,0.3620674813116237,0.44757207414002337,0.34889619740433236,0.43739998154593196,0.019796546365981157,-0.03051627778227432
110
+ 9,1,0.37579767769033134,0.4157842847834876,0.3475429301621031,0.44248602784297775,0.33310765204465537,0.44248602784297775,0.04369185910195418,-0.026701743059490034
111
+ 9,2,0.36477502490308056,0.41069823848644194,0.3403701196908515,0.42849940052610197,0.3258873513441443,0.44248602784297775,0.0418120674030134,-0.026701743059490034
112
+ 9,3,0.3580639676355667,0.4323139352488863,0.3345625337210871,0.42849940052610197,0.3201617998145757,0.44630056256576195,0.04775807362807483,0.01780116203966002
113
+ 9,4,0.3388662610665143,0.43358544682314765,0.3248150459137249,0.39035405329825906,0.31237671336002587,0.41832730793201056,0.029491706296314667,0.01398662731687573
114
+ 9,5,0.3250375683853791,0.3471226597733704,0.32248059575251947,0.3878110301497362,0.3121969574418086,0.39798312274382763,0.007531429484058061,-0.02924476620801289
115
+ 9,6,0.31355181071193694,0.30261975467422036,0.32685242936447595,0.4246848658033177,0.31933523618015813,0.3928970764467819,-0.01662825025513344,-0.054674997693241495
116
+ 9,7,0.309098683006589,0.26320289587211604,0.337002968941172,0.3916255648725205,0.33145738798932206,0.41451277320922625,-0.035891069785691954,-0.08010522917847009
117
+ 9,8,0.3045339691332507,0.2810040579117761,0.3478405758066082,0.4081552153379191,0.34449516773697914,0.41832730793201056,-0.054169277317899646,-0.08010522917847009
118
+ 9,9,0.30472826825034866,0.28863312735734464,0.3599153935434441,0.38908254172399764,0.3564335015505148,0.4068837037636577,-0.06524557709243294,-0.10807848381222157
119
+ 9,10,0.31042296626599447,0.28863312735734464,0.3733408261397903,0.3967116111695662,0.368943215995252,0.4437575394172391,-0.06909262525182418,-0.1296941805746659
120
+ 9,11,0.32527619310002703,0.3089773125455275,0.3866328316564035,0.3967116111695662,0.38094247135488274,0.4246848658033177,-0.06311062001204241,-0.11062150696074444
121
+ 9,-1,0.32527619310002703,0.3089773125455275,0.3866328316564035,0.3967116111695662,0.38094247135488274,0.4246848658033177,-0.06311062001204241,-0.11062150696074444
122
+ 10,1,0.3390984706546095,0.3801819607041676,0.3955961395679605,0.3967116111695662,0.3881539812650005,0.4094267269121805,-0.04979813493804128,-0.14113778474301875
123
+ 10,2,0.35627806537356077,0.40179765746661195,0.402506140577075,0.39544009959530474,0.3944124068988004,0.40179765746661195,-0.031365935703014894,-0.12587964585188158
124
+ 10,3,0.36819339108049326,0.41196975006070335,0.40565771581238036,0.39544009959530474,0.39687641060318984,0.40179765746661195,-0.01515183730843845,-0.10044941436665299
125
+ 10,4,0.37228699827893896,0.42849940052610197,0.40402800040734,0.39798312274382763,0.39465669237068257,0.3801819607041676,-0.004966330112848112,-0.09154883334682297
126
+ 10,5,0.37523410239275523,0.42849940052610197,0.4017362250549246,0.3763674259813833,0.3917309773080097,0.3801819607041676,0.004125461281124646,-0.09154883334682297
127
+ 10,6,0.38290204225638885,0.42849940052610197,0.3993273282958596,0.4094267269121805,0.3884976707509538,0.4094267269121805,0.018888994962199167,-0.06611860186159436
128
+ 10,7,0.38821447625960837,0.42849940052610197,0.3946676396552916,0.4399430046944548,0.38309091722760635,0.381453472278429,0.031765165277840464,-0.01907267361392145
129
+ 10,8,0.38998033490312256,0.42849940052610197,0.38834345474420146,0.41196975006070335,0.3762287442984291,0.381453472278429,0.0422176313568908,0.006357557871307151
130
+ 10,9,0.39395614437898185,0.44248602784297775,0.38909758203447675,0.39798312274382763,0.3770256281336732,0.3789104491299062,0.0478570071332121,0.031787789356535756
131
+ 10,10,0.4003423660976085,0.4348569583974091,0.3898566153564849,0.39798312274382763,0.3784896243697719,0.35093719449615474,0.05898144908519686,0.011443604168352871
132
+ 10,11,0.41081934744079146,0.4348569583974091,0.3941877407266153,0.41196975006070335,0.38460196834614363,0.39798312274382763,0.0782093769749294,0.00762906944556858
133
+ 10,-1,0.41081934744079146,0.4348569583974091,0.3941877407266153,0.41196975006070335,0.38460196834614363,0.39798312274382763,0.0782093769749294,0.00762906944556858
134
+ 11,1,0.4190792319060904,0.4704592824767292,0.4020601379439884,0.4068837037636577,0.3940657832369914,0.39798312274382763,0.08627180927094492,0.0
135
+ 11,2,0.4209057507412918,0.43867149312019343,0.40904646540360273,0.4590156783083763,0.402388397413244,0.39798312274382763,0.0849327178060944,0.026701743059490034
136
+ 11,3,0.4194703372937938,0.4857174213678663,0.41648648990832876,0.44757207414002337,0.40910557049858737,0.4399430046944548,0.08270583611595453,0.03051627778227432
137
+ 11,4,0.4169178606494207,0.47173079405099055,0.42346046130343273,0.47554532877377487,0.4155570445917027,0.43739998154593196,0.07990346436557527,0.05340348611898007
138
+ 11,5,0.41257405449672313,0.4590156783083763,0.42838961742065723,0.45647265515985347,0.42016775836908143,0.4539296320113305,0.07472554959464076,0.057218020841764354
139
+ 11,6,0.40424037354037406,0.4590156783083763,0.4307281551809266,0.45647265515985347,0.42320188052500163,0.4590156783083763,0.06319727191347213,0.006357557871307151
140
+ 11,7,0.39643698834772734,0.43739998154593196,0.4348573155480035,0.45647265515985347,0.4282180202983885,0.4590156783083763,0.04997975524026733,-0.022887208336705742
141
+ 11,8,0.3852740316031643,0.44248602784297775,0.4344421323847877,0.45647265515985347,0.42818166484065073,0.42977091210036333,0.036256905453308425,-0.048317439821934344
142
+ 11,9,0.37856476163944247,0.44248602784297775,0.43178202853555336,0.41832730793201056,0.4254656398605596,0.44757207414002337,0.029799916047233956,-0.048317439821934344
143
+ 11,10,0.3640907446796758,0.42214184265479476,0.42250180825470646,0.4259563773775791,0.4154952207387439,0.41451277320922625,0.01634977675523433,-0.09536336806960725
144
+ 11,11,0.3386806256614699,0.40052614589235047,0.40900767922149633,0.44248602784297775,0.4016522448193109,0.42214184265479476,0.000522056704666785,-0.06993313658437866
145
+ 11,-1,0.3386806256614699,0.40052614589235047,0.40900767922149633,0.44248602784297775,0.4016522448193109,0.42214184265479476,0.000522056704666785,-0.06993313658437866
146
+ 12,1,0.3119635408964833,0.33059300930797186,0.38888188257960554,0.44248602784297775,0.38026713747319246,0.42214184265479476,-0.013282470674679922,-0.08519127547551582
147
+ 12,2,0.28700503455374404,0.2975337083771747,0.37028868269598525,0.4310424236746248,0.36052369552049013,0.4043406806151348,-0.023629351945883354,-0.08519127547551582
148
+ 12,3,0.2694026819030973,0.2619313842978546,0.35422410723140224,0.4310424236746248,0.3438458669903832,0.3827249838526905,-0.02742503986471913,-0.08519127547551582
149
+ 12,4,0.2529421494894601,0.1856406898421688,0.34253144839809135,0.4094267269121805,0.33202927642399427,0.3827249838526905,-0.0315857541729231,-0.0762906944556858
150
+ 12,5,0.2517940193324686,0.18309766669364594,0.33863839466373163,0.4348569583974091,0.32856340279026314,0.3827249838526905,-0.02803163300467153,-0.0762906944556858
151
+ 12,6,0.25737180996851394,0.18309766669364594,0.3379548731550294,0.44248602784297775,0.32770735082503366,0.3967116111695662,-0.021326106176642993,-0.0762906944556858
152
+ 12,7,0.2711304976255962,0.20598487503035168,0.34021853409420777,0.44884358571428484,0.3300309930593375,0.3801819607041676,-0.01092662368492615,-0.0762906944556858
153
+ 12,8,0.2897330172206956,0.29244766208012896,0.34303308813980876,0.41069823848644194,0.33354088957995626,0.3801819607041676,0.005736775627446668,-0.0762906944556858
154
+ 12,9,0.3052324318665397,0.2988052199514361,0.3443750292666796,0.39925463431808905,0.33547004054789203,0.36873835653581477,0.02155075336863632,-0.05086046297045721
155
+ 12,10,0.3220247877302396,0.3331360324564947,0.34965449562292855,0.4208703310805334,0.34096551835921385,0.39035405329825906,0.03384464435670713,-0.00381453472278429
156
+ 12,11,0.3327503164800846,0.37763893755564476,0.3586635158982861,0.4208703310805334,0.34988669973846065,0.41832730793201056,0.03007759501940756,-0.00381453472278429
157
+ 12,-1,0.3327503164800846,0.37763893755564476,0.3586635158982861,0.4208703310805334,0.34988669973846065,0.41832730793201056,0.03007759501940756,-0.00381453472278429
158
+ 13,1,0.3419199535196618,0.33695056717927896,0.36633257038538564,0.455201143585592,0.3583922037213303,0.4246848658033177,0.02503267607060679,-0.00381453472278429
159
+ 13,2,0.34797143612422615,0.33695056717927896,0.37160076415902316,0.455201143585592,0.3641442984544435,0.4246848658033177,0.017607429599607125,-0.00381453472278429
160
+ 13,3,0.3504421978562639,0.33695056717927896,0.3752798105651282,0.455201143585592,0.36713551139936507,0.4081552153379191,0.007924840045935029,-0.054674997693241495
161
+ 13,4,0.3550183293764496,0.33695056717927896,0.380027267798796,0.455201143585592,0.37135982857070343,0.42214184265479476,0.0013914882132367102,-0.054674997693241495
162
+ 13,5,0.35791994509136893,0.3471226597733704,0.3850542152468377,0.42214184265479476,0.37576136098367213,0.38908254172399764,-0.0066268687078158235,-0.03941685880210433
163
+ 13,6,0.3629103288297488,0.3471226597733704,0.3896578567711305,0.42214184265479476,0.3803813912386037,0.38908254172399764,-0.008838442006751367,-0.03941685880210433
164
+ 13,7,0.3664683055660028,0.31406335884257325,0.3934061965219449,0.42214184265479476,0.38411364965312084,0.37509591440712187,-0.011201199715179343,-0.06484709028733295
165
+ 13,8,0.3715104179920605,0.31406335884257325,0.39900023727410255,0.42214184265479476,0.39026240434538895,0.3928970764467819,-0.011025880369778421,-0.06484709028733295
166
+ 13,9,0.3767827902729155,0.3471226597733704,0.4049175125552937,0.42214184265479476,0.39642816716275037,0.4094267269121805,-0.009187475599029143,-0.0928203449210844
167
+ 13,10,0.38238153951310516,0.3471226597733704,0.4096246492799007,0.455201143585592,0.40147579786787085,0.4094267269121805,-0.005471584481066589,-0.08646278704977725
168
+ 13,11,0.3935255027743654,0.4246848658033177,0.41225084319323263,0.42214184265479476,0.4044113261927074,0.4094267269121805,0.006100932939550557,-0.06103255556454864
169
+ 13,-1,0.3935255027743654,0.4246848658033177,0.41225084319323263,0.42214184265479476,0.4044113261927074,0.4094267269121805,0.006100932939550557,-0.06103255556454864
170
+ 14,1,0.4040879317512904,0.4094267269121805,0.41434730555616367,0.4399430046944548,0.40688185201341426,0.3928970764467819,0.019018039219207444,-0.06103255556454864
171
+ 14,2,0.4135136963066391,0.4094267269121805,0.4164200326942352,0.4399430046944548,0.40920189841111737,0.4068837037636577,0.032017913929936935,-0.06103255556454864
172
+ 14,3,0.41959486221599496,0.4094267269121805,0.41739328045467217,0.4539296320113305,0.4105724409812656,0.4068837037636577,0.04244385926646325,-0.01652965046539859
173
+ 14,4,0.42392082512598234,0.4094267269121805,0.418936195822469,0.4539296320113305,0.41245783345950227,0.43739998154593196,0.052208200439284716,-0.01652965046539859
174
+ 14,5,0.42590379588129534,0.4094267269121805,0.41905203891466647,0.4539296320113305,0.4127313527787176,0.43739998154593196,0.0604665992425815,-0.01652965046539859
175
+ 14,6,0.42613425103952285,0.4094267269121805,0.41901156498699915,0.4399430046944548,0.41253917051735334,0.4539296320113305,0.06703725675092895,-0.01652965046539859
176
+ 14,7,0.4287653546983902,0.4094267269121805,0.4200000330068623,0.4539296320113305,0.4137057631314886,0.4539296320113305,0.07668858530244026,-0.01652965046539859
177
+ 14,8,0.42522849681984304,0.4094267269121805,0.4172050269622859,0.4399430046944548,0.4109994377117433,0.4539296320113305,0.0842551545813095,0.034330812505058615
178
+ 14,9,0.4215712372764771,0.4094267269121805,0.41679708404561044,0.4068837037636577,0.41086131867675973,0.4399430046944548,0.08673100265798515,0.05594650926750292
179
+ 14,10,0.41044347166252804,0.4094267269121805,0.4127544700129604,0.4068837037636577,0.4067315231535265,0.4399430046944548,0.07870922505580803,0.026701743059490034
180
+ 14,11,0.4049002777250337,0.39544009959530474,0.4107919271274329,0.4068837037636577,0.4046816934804918,0.4399430046944548,0.07692534668931864,0.026701743059490034
181
+ 14,-1,0.4049002777250337,0.39544009959530474,0.4107919271274329,0.4068837037636577,0.4046816934804918,0.4399430046944548,0.07692534668931864,0.026701743059490034
182
+ 15,1,0.396470758490081,0.39544009959530474,0.409259195080202,0.42341335422905624,0.403077572425426,0.4068837037636577,0.06976824446820215,0.0012715115742614302
183
+ 15,2,0.3885742829256769,0.37382440283286045,0.4075390963088536,0.42341335422905624,0.4013664158735726,0.4068837037636577,0.0634778835676226,-0.024158719910967172
184
+ 15,3,0.3770768641930575,0.3712813796843376,0.4053484806742538,0.4348569583974091,0.39928132487611684,0.4348569583974091,0.054013626840309456,-0.024158719910967172
185
+ 15,4,0.3661211345445651,0.3433081250505861,0.4027747724345063,0.4208703310805334,0.39674187193985805,0.39925463431808905,0.04516120464780192,-0.024158719910967172
186
+ 15,5,0.3563756028710847,0.3382220787535404,0.4012984642192166,0.4068837037636577,0.3954065468816653,0.4323139352488863,0.03592144186618301,-0.07756220602994723
187
+ 15,6,0.34750857884597586,0.3382220787535404,0.397790384842852,0.4068837037636577,0.3923886647163307,0.44630056256576195,0.030410123282586625,-0.07756220602994723
188
+ 15,7,0.33864896652370946,0.27718952318899176,0.39402494623383955,0.4323139352488863,0.38888658769777384,0.44630056256576195,0.023508316909517494,-0.07756220602994723
189
+ 15,8,0.3308423889241914,0.31024882411978894,0.39069348467558207,0.4259563773775791,0.3858105995342665,0.44630056256576195,0.017815663772162853,-0.07756220602994723
190
+ 15,9,0.3250442977645086,0.2962621968029132,0.38635400559783983,0.4259563773775791,0.3815746237085411,0.44630056256576195,0.012833441446776393,-0.07756220602994723
191
+ 15,10,0.3243561798255592,0.2962621968029132,0.3829637461695471,0.4259563773775791,0.37792059809485773,0.44630056256576195,0.012113699422206024,-0.07756220602994723
192
+ 15,11,0.33027530062649396,0.27210347689194603,0.37944730027342793,0.39925463431808905,0.37360203682314735,0.4132412616349648,0.017427792369655064,-0.04958895139619578
193
+ 15,-1,0.33027530062649396,0.27210347689194603,0.37944730027342793,0.39925463431808905,0.37360203682314735,0.4132412616349648,0.017427792369655064,-0.04958895139619578
194
+ 16,1,0.3407639464889959,0.27210347689194603,0.379054539631184,0.4348569583974091,0.3725174811469398,0.42722788895184055,0.026417885173029163,-0.043231393524888626
195
+ 16,2,0.3541610916454295,0.31279184726831183,0.3815067692373023,0.4348569583974091,0.37447646435277754,0.4513866088628077,0.0374413461574112,-0.043231393524888626
196
+ 16,3,0.36819334941049303,0.31279184726831183,0.386947454802651,0.4068837037636577,0.37973235305386543,0.4399430046944548,0.047151221887256324,-0.01780116203966002
197
+ 16,4,0.3790001244939322,0.36492382181303046,0.39030243575743917,0.4539296320113305,0.38315080845068,0.4653732361796834,0.05501480994007171,-0.01780116203966002
198
+ 16,5,0.3853938341025238,0.36492382181303046,0.3908294962601088,0.4539296320113305,0.383805224277059,0.4653732361796834,0.0642763123870373,0.011443604168352871
199
+ 16,6,0.3909889303449569,0.35729475236746183,0.3927606201221451,0.481902886645082,0.3857870461449086,0.4653732361796834,0.07326819029657854,-0.010172092594091442
200
+ 16,7,0.3943473026293603,0.3789104491299062,0.3941309244880094,0.481902886645082,0.3872789523438929,0.4653732361796834,0.08067484125155124,-0.010172092594091442
201
+ 16,8,0.3951163656066038,0.38908254172399764,0.39554137639521947,0.481902886645082,0.38883896998767736,0.46028718988263767,0.08284939561818581,-0.010172092594091442
202
+ 16,9,0.39122254730836176,0.3789104491299062,0.3954549501741041,0.481902886645082,0.3887575809371462,0.46028718988263767,0.0776775483676804,-0.010172092594091442
203
+ 16,10,0.3843921870888301,0.38653951857547475,0.39391512360858694,0.481902886645082,0.3870605206335198,0.4348569583974091,0.06888624701562793,-0.010172092594091442
204
+ 16,11,0.3786363076650739,0.38653951857547475,0.3923804389700689,0.4399430046944548,0.3854154852158126,0.42722788895184055,0.062178438801851706,-0.03941685880210433
205
+ 16,-1,0.3786363076650739,0.38653951857547475,0.3923804389700689,0.4399430046944548,0.3854154852158126,0.42722788895184055,0.062178438801851706,-0.03941685880210433
206
+ 17,1,0.37286865964334803,0.36492382181303046,0.3906809779670715,0.4323139352488863,0.3836699599754455,0.42977091210036333,0.05729414238588476,-0.03941685880210433
207
+ 17,2,0.3673621785854822,0.36492382181303046,0.38936523390624633,0.4323139352488863,0.3822581639816237,0.42977091210036333,0.05266325302839089,-0.03941685880210433
208
+ 17,3,0.36046072161790965,0.35093719449615474,0.38857827079750745,0.39925463431808905,0.38164339370687883,0.42977091210036333,0.046970319058990906,-0.06484709028733295
209
+ 17,4,0.3578351853598376,0.35093719449615474,0.39036609199266703,0.41069823848644194,0.38354378099989805,0.47173079405099055,0.043400742683152076,-0.043231393524888626
210
+ 17,5,0.35731878770102493,0.31279184726831183,0.3927768538911736,0.41069823848644194,0.38603092236984854,0.47681684034803634,0.042699541561623464,-0.043231393524888626
211
+ 17,6,0.3577189642615068,0.31279184726831183,0.3952181195346631,0.41069823848644194,0.38860344696938465,0.47681684034803634,0.04375520556995718,-0.043231393524888626
212
+ 17,7,0.35664133750557964,0.31279184726831183,0.3967089176363863,0.41069823848644194,0.3901951263428394,0.47681684034803634,0.04324507470551605,-0.043231393524888626
213
+ 17,8,0.35562930411079374,0.31279184726831183,0.39618784725300055,0.39925463431808905,0.38960113753718306,0.4653732361796834,0.0459192016933566,-0.043231393524888626
214
+ 17,9,0.3554678922274152,0.31279184726831183,0.39580463484375017,0.39925463431808905,0.38896686434300987,0.4653732361796834,0.04848991763665012,-0.043231393524888626
215
+ 17,10,0.35459528059690903,0.31279184726831183,0.3948308691118655,0.4323139352488863,0.38768434653885964,0.4653732361796834,0.05039491707184075,-0.043231393524888626
216
+ 17,11,0.3494772820625047,0.31279184726831183,0.3959594544419616,0.4323139352488863,0.38850044514869253,0.4653732361796834,0.04273271063027396,-0.043231393524888626
217
+ 17,-1,0.3494772820625047,0.31279184726831183,0.3959594544419616,0.4323139352488863,0.38850044514869253,0.4653732361796834,0.04273271063027396,-0.043231393524888626
218
+ 18,1,0.34765673154790727,0.32042091671388034,0.3989884043164218,0.4399430046944548,0.391541819476026,0.4653732361796834,0.03744505653756129,-0.06866162501011723
219
+ 18,2,0.3461272160606717,0.32042091671388034,0.40166819065309245,0.4399430046944548,0.3941598176568417,0.47300230562525203,0.03359637734722298,-0.06866162501011723
220
+ 18,3,0.34494784138182505,0.3331360324564947,0.40443942903979513,0.4399430046944548,0.3968883237457801,0.47300230562525203,0.030153874031190162,-0.06866162501011723
221
+ 18,4,0.3437069631268186,0.3331360324564947,0.4073943275011125,0.4399430046944548,0.39997519922132246,0.47300230562525203,0.025895398192025305,-0.06866162501011723
222
+ 18,5,0.3445622466649249,0.3051627778227432,0.41014008808133934,0.4399430046944548,0.4029587911582423,0.47300230562525203,0.024789035828617016,-0.06866162501011723
223
+ 18,6,0.3500517720844732,0.3331360324564947,0.41506044506439754,0.47300230562525203,0.40837487735834155,0.47300230562525203,0.02755020110478602,-0.06866162501011723
224
+ 18,7,0.3557805513190558,0.3331360324564947,0.41862474530791666,0.47300230562525203,0.4121714162671586,0.47300230562525203,0.03144191739964722,-0.06866162501011723
225
+ 18,8,0.35870220739705805,0.3331360324564947,0.42028290647836203,0.47300230562525203,0.4138714440792847,0.47300230562525203,0.032917521661405554,-0.06866162501011723
226
+ 18,9,0.3608592621841212,0.3331360324564947,0.4208101537443137,0.47300230562525203,0.41451775604939733,0.47300230562525203,0.0360590358897369,-0.06866162501011723
227
+ 18,10,0.3617022196132739,0.3331360324564947,0.42056821696284424,0.47300230562525203,0.4142448589926858,0.47300230562525203,0.0367285205837268,-0.06866162501011723
228
+ 18,11,0.36878029241387855,0.3331360324564947,0.423849284121773,0.47300230562525203,0.417822526264097,0.47300230562525203,0.04109660326567479,-0.024158719910967172
229
+ 18,-1,0.36878029241387855,0.3331360324564947,0.423849284121773,0.47300230562525203,0.417822526264097,0.47300230562525203,0.04109660326567479,-0.024158719910967172
230
+ 19,1,0.37495224368191443,0.3661953333872919,0.4263612653380289,0.47300230562525203,0.42050550632042893,0.47300230562525203,0.04565211500785967,-0.024158719910967172
231
+ 19,2,0.3804004501433604,0.345851148199109,0.42909947699356393,0.47300230562525203,0.4233749213819707,0.48698893294212775,0.050115065694229376,-0.024158719910967172
232
+ 19,3,0.38576568981933024,0.37763893755564476,0.43087625557353226,0.47300230562525203,0.42529867010786876,0.5149621875758792,0.05714363071306623,-0.024158719910967172
233
+ 19,4,0.39122755046511853,0.4056121921893962,0.4313757129332996,0.48698893294212775,0.4258438396404888,0.4984325371104806,0.0660909897446915,0.0012715115742614302
234
+ 19,5,0.3945657970482798,0.4056121921893962,0.432000515408197,0.48698893294212775,0.42647144978151913,0.4984325371104806,0.07237663969588257,0.0012715115742614302
235
+ 19,6,0.397420354201064,0.4056121921893962,0.433340390623883,0.48698893294212775,0.4279286917716314,0.4984325371104806,0.0781354338574123,0.03051627778227432
236
+ 19,7,0.40007790673348825,0.4056121921893962,0.4334566623172088,0.48698893294212775,0.42800698594051484,0.4984325371104806,0.08397755864119717,0.03051627778227432
237
+ 19,8,0.4011533459382514,0.4056121921893962,0.4347735791775921,0.48698893294212775,0.4291598262446274,0.4984325371104806,0.08333444445738827,0.00890058101983001
238
+ 19,9,0.40240453363614226,0.4056121921893962,0.4355094943934185,0.48698893294212775,0.4297276354507769,0.4984325371104806,0.0839271228224531,0.00890058101983001
239
+ 19,10,0.40265743210661636,0.4056121921893962,0.43604852403926675,0.48698893294212775,0.4301186990689338,0.4984325371104806,0.08306267941987946,0.00890058101983001
240
+ 19,11,0.4003319383510429,0.4056121921893962,0.43844203933634085,0.47300230562525203,0.4325936064166099,0.4984325371104806,0.07584060541256264,-0.020344185188182883
241
+ 19,-1,0.4003319383510429,0.4056121921893962,0.43844203933634085,0.47300230562525203,0.4325936064166099,0.4984325371104806,0.07584060541256264,-0.020344185188182883
242
+ 20,1,0.39788006954578997,0.4056121921893962,0.4396279748986434,0.47300230562525203,0.43364774236105114,0.5149621875758792,0.0693998662793011,-0.045774416673411485
243
+ 20,2,0.3943306469789829,0.4170557963577491,0.4395355439295652,0.47300230562525203,0.43339085994312593,0.5009755602590035,0.06283834095862907,-0.045774416673411485
244
+ 20,3,0.39059433747888805,0.4170557963577491,0.4383950958986321,0.48444590979360486,0.432007671025492,0.5124191644273564,0.05769289427193602,-0.045774416673411485
245
+ 20,4,0.3872100952974857,0.38908254172399764,0.4368146876460001,0.48444590979360486,0.43019237904528046,0.5124191644273564,0.05407714474453513,-0.045774416673411485
246
+ 20,5,0.3847709653268792,0.3789104491299062,0.43457521925276693,0.48444590979360486,0.42745786011651055,0.5264057917442321,0.05222611646866843,-0.045774416673411485
247
+ 20,6,0.3828984594440681,0.3789104491299062,0.431699944037875,0.48444590979360486,0.4240679947114367,0.5264057917442321,0.05386802389023265,-0.045774416673411485
248
+ 20,7,0.38247434173019074,0.35729475236746183,0.4288055247345481,0.4984325371104806,0.4207469335244389,0.5098761412788335,0.05832165987387397,-0.045774416673411485
249
+ 20,8,0.37933108859044806,0.35729475236746183,0.4252413922865208,0.5264057917442321,0.41661970547249283,0.5098761412788335,0.059494789241843496,-0.024158719910967172
250
+ 20,9,0.3760472430103775,0.35729475236746183,0.4223499311820695,0.5264057917442321,0.41326588891330446,0.5022470718332649,0.060043770863895736,-0.024158719910967172
251
+ 20,10,0.3729109802963052,0.35729475236746183,0.4199350558244112,0.5264057917442321,0.4103995404074724,0.5022470718332649,0.05961277357104909,-0.043231393524888626
252
+ 20,11,0.36624404962080437,0.35729475236746183,0.41589128264528047,0.5264057917442321,0.4056896584987298,0.5022470718332649,0.05730531512853858,-0.043231393524888626
253
+ 20,-1,0.36624404962080437,0.35729475236746183,0.41589128264528047,0.5264057917442321,0.4056896584987298,0.5022470718332649,0.05730531512853858,-0.043231393524888626
254
+ 21,1,0.3598623613933258,0.3293214977337104,0.41226997304494717,0.5264057917442321,0.40141039337873585,0.5022470718332649,0.05507061900023667,-0.043231393524888626
255
+ 21,2,0.3527619537889089,0.3293214977337104,0.408802884870865,0.5264057917442321,0.39753896243441805,0.5022470718332649,0.05181824930087899,-0.043231393524888626
256
+ 21,3,0.3453149713100734,0.2962621968029132,0.4068093033659802,0.48444590979360486,0.39535288087211223,0.5187767222986636,0.04724359797305551,-0.06866162501011723
257
+ 21,4,0.3367028707169327,0.2746465000404689,0.404769870290929,0.49588951396195774,0.3931397638879134,0.5047900949817878,0.041019033005722544,-0.0762906944556858
258
+ 21,5,0.32827216593704667,0.2937191736543904,0.40291718511181746,0.49588951396195774,0.39127773442999325,0.5047900949817878,0.035071150347418735,-0.0762906944556858
259
+ 21,6,0.31842006796999434,0.25430231485228605,0.4001730335887502,0.49588951396195774,0.38847919486412313,0.5047900949817878,0.02798354118962476,-0.0762906944556858
260
+ 21,7,0.30991789990132035,0.25430231485228605,0.39812873645736946,0.49588951396195774,0.38642432591598436,0.47681684034803634,0.021050907506249276,-0.0762906944556858
261
+ 21,8,0.3027532686609397,0.25430231485228605,0.3955379909703949,0.5073331181303107,0.3838229379205019,0.4882604445163891,0.015488325132297982,-0.0762906944556858
262
+ 21,9,0.29781433112636496,0.25430231485228605,0.394123374425153,0.5073331181303107,0.3824352141791295,0.4882604445163891,0.011117972912218619,-0.0762906944556858
263
+ 21,10,0.29534250955816255,0.24413022225819456,0.39286396025701453,0.4933464908134349,0.38122063600326317,0.4882604445163891,0.009401992056946367,-0.0762906944556858
264
+ 21,11,0.29727399104770447,0.18818371299069164,0.3934534781188283,0.4933464908134349,0.382217436125109,0.4882604445163891,0.009089189142079145,-0.0762906944556858
265
+ 21,-1,0.29727399104770447,0.18818371299069164,0.3934534781188283,0.4933464908134349,0.382217436125109,0.4882604445163891,0.009089189142079145,-0.0762906944556858
266
+ 22,1,0.30326845046684703,0.18818371299069164,0.3958127788388958,0.4933464908134349,0.38497826666330176,0.4882604445163891,0.012236649723883926,-0.0762906944556858
267
+ 22,2,0.30939089498586436,0.2021703403075674,0.3975847356402142,0.4933464908134349,0.38703739139719984,0.5047900949817878,0.016071443121783602,-0.0762906944556858
268
+ 22,3,0.31533647546005483,0.2352296412383646,0.3988981068502884,0.481902886645082,0.3887345187441778,0.4742738171995134,0.020648642962017395,-0.0762906944556858
269
+ 22,4,0.32211608207477727,0.227600571792796,0.40034462588314346,0.481902886645082,0.39049481051623625,0.4742738171995134,0.02611043809061954,-0.0762906944556858
270
+ 22,5,0.32799637824009475,0.26320289587211604,0.40180914813644025,0.42977091210036333,0.39232703945714265,0.47173079405099055,0.031052481366946612,-0.09663487964386869
271
+ 22,6,0.3329580109898354,0.32423545143666466,0.4031583315344262,0.4653732361796834,0.3941610692149904,0.47173079405099055,0.03578795706096028,-0.09663487964386869
272
+ 22,7,0.3409513427384831,0.32423545143666466,0.404282950072367,0.5264057917442321,0.3957096512037679,0.41069823848644194,0.04501376402747081,-0.07120464815864008
273
+ 22,8,0.34836734755550114,0.32423545143666466,0.40545371529955354,0.4793598634965592,0.39722198395682756,0.4437575394172391,0.05452449077401912,-0.07120464815864008
274
+ 22,9,0.3539045851379729,0.3661953333872919,0.4058657748704874,0.481902886645082,0.39802499325369617,0.4513866088628077,0.06327106795687826,0.025430231485228605
275
+ 22,10,0.35743117311176414,0.3878110301497362,0.4059508320710336,0.481902886645082,0.39848522659279395,0.4513866088628077,0.06930322332806269,0.0012715115742614302
276
+ 22,11,0.3588567499482045,0.3878110301497362,0.4048874616704895,0.481902886645082,0.39763987682268037,0.4513866088628077,0.07399581097072033,0.0012715115742614302
277
+ 22,-1,0.3588567499482045,0.3878110301497362,0.4048874616704895,0.481902886645082,0.39763987682268037,0.4513866088628077,0.07399581097072033,0.0012715115742614302
278
+ 23,1,0.3594688855543595,0.3801819607041676,0.40394226864609556,0.481902886645082,0.3968390052052546,0.4513866088628077,0.07766859019961604,0.02924476620801289
279
+ 23,2,0.3591639302299064,0.3801819607041676,0.40376748215760205,0.481902886645082,0.3967913057421537,0.4513866088628077,0.07835006862251201,0.0012715115742614302
280
+ 23,3,0.3559649649479349,0.3878110301497362,0.4046150134932961,0.481902886645082,0.3976675453303189,0.4513866088628077,0.07225596544477031,0.0012715115742614302
281
+ 23,4,0.3530437987897171,0.3878110301497362,0.4051854039437222,0.481902886645082,0.3982287255107662,0.4513866088628077,0.06701370843787967,-0.0025430231485228604
282
+ 23,5,0.3478743196293732,0.35220870607041616,0.4052365794702995,0.481902886645082,0.3981727070875381,0.4513866088628077,0.05894154848647694,-0.02797325463375146
283
+ 23,6,0.3424780363092844,0.32423545143666466,0.4047850487905926,0.4793598634965592,0.39760064863304134,0.41069823848644194,0.052525828089337014,-0.045774416673411485
284
+ 23,7,0.3372885951517025,0.32423545143666466,0.40477091469628734,0.4793598634965592,0.3975950554825108,0.4081552153379191,0.04664743525271682,-0.052131974544718636
285
+ 23,8,0.33357308129107394,0.32423545143666466,0.40526326389366296,0.4933464908134349,0.3981156325157626,0.4081552153379191,0.04210015012091968,-0.052131974544718636
286
+ 23,9,0.33155075575110315,0.3318645208822333,0.40648864438121884,0.47681684034803634,0.3994069508319364,0.4501150972885462,0.03914061427914588,-0.07756220602994723
287
+ 23,10,0.32918013736069424,0.3318645208822333,0.40780306396344823,0.47681684034803634,0.4008078706693279,0.4501150972885462,0.03556523053595956,-0.07756220602994723
288
+ 23,11,0.32707505762889766,0.2988052199514361,0.4088769953579585,0.46283021303116056,0.40194303832609973,0.4501150972885462,0.03260409581538205,-0.07756220602994723
289
+ 23,-1,0.32707505762889766,0.2988052199514361,0.4088769953579585,0.46283021303116056,0.40194303832609973,0.4501150972885462,0.03260409581538205,-0.07756220602994723
290
+ 24,1,0.32637441673468015,0.2708319653176846,0.40982787202180937,0.46283021303116056,0.4029425228915314,0.4501150972885462,0.030987786875904994,-0.07756220602994723
291
+ 24,2,0.3255227902513653,0.2708319653176846,0.41080596618989473,0.46283021303116056,0.4039666509180585,0.4806313750708206,0.029561862675025443,-0.07756220602994723
292
+ 24,3,0.32382696615121576,0.2708319653176846,0.4103743951372548,0.46283021303116056,0.4034110698171117,0.4806313750708206,0.02822591393913719,-0.07756220602994723
293
+ 24,4,0.3219135671476292,0.2708319653176846,0.4096811168944435,0.46283021303116056,0.4025573516967865,0.4806313750708206,0.027268254158594244,-0.07756220602994723
294
+ 24,5,0.32011561940966154,0.2708319653176846,0.4091090552285003,0.46283021303116056,0.40187178528560963,0.4971610255362192,0.02630745602050452,-0.07756220602994723
295
+ 24,6,0.3196840627874879,0.2708319653176846,0.4093812516123955,0.46283021303116056,0.40212615226317955,0.4971610255362192,0.026069592458827326,-0.07756220602994723
296
+ 24,7,0.31988970765478997,0.2708319653176846,0.40993784323035964,0.46283021303116056,0.4027185663231873,0.5047900949817878,0.026350371911402118,-0.07756220602994723
297
+ 24,8,0.3213184831515675,0.2708319653176846,0.4105648544886929,0.47681684034803634,0.4033983260433857,0.4882604445163891,0.027961754942942476,-0.07756220602994723
298
+ 24,9,0.3225915494240953,0.2708319653176846,0.4110102512422078,0.47681684034803634,0.40387848078946753,0.4882604445163891,0.02932234646671251,-0.07756220602994723
299
+ 24,10,0.3261561203515182,0.2708319653176846,0.4119926743409851,0.47681684034803634,0.40495672901070606,0.4882604445163891,0.032515254148909906,-0.07756220602994723
300
+ 24,11,0.33356290185864357,0.2708319653176846,0.41391501681420806,0.47681684034803634,0.40716513867667176,0.4882604445163891,0.03908006612842882,-0.07756220602994723
301
+ 24,-1,0.33356290185864357,0.2708319653176846,0.41391501681420806,0.47681684034803634,0.40716513867667176,0.4882604445163891,0.03908006612842882,-0.07756220602994723
302
+ 25,1,0.34051108397777785,0.2708319653176846,0.41602015253161106,0.46028718988263767,0.40956660305408177,0.4882604445163891,0.045043501060830604,-0.052131974544718636
303
+ 25,2,0.3471593938296439,0.3318645208822333,0.41791057184750025,0.4882604445163891,0.4117384490888228,0.4882604445163891,0.05070099153832546,-0.052131974544718636
304
+ 25,3,0.353043095810997,0.3318645208822333,0.42004322581519044,0.5213197454471864,0.414195545310179,0.45774416673411483,0.055541243720587254,-0.052131974544718636
305
+ 25,4,0.356766847943009,0.3318645208822333,0.42153753572680314,0.49080346766491206,0.4158964096776738,0.45774416673411483,0.05845027821847796,-0.026701743059490034
306
+ 25,5,0.3606112704674678,0.3318645208822333,0.4231254291685252,0.49080346766491206,0.417674159179869,0.44630056256576195,0.061472181862057974,-0.026701743059490034
307
+ 25,6,0.36303811154646665,0.3598377755159847,0.42481575791838716,0.49080346766491206,0.41952062408870966,0.44630056256576195,0.06287491700599064,-0.026701743059490034
308
+ 25,7,0.36397058255564596,0.3598377755159847,0.4263654881692036,0.4882604445163891,0.4211924343981428,0.44630056256576195,0.06258701608154923,-0.026701743059490034
309
+ 25,8,0.3634759686191087,0.3598377755159847,0.4270516533977681,0.4882604445163891,0.42196002233018104,0.45774416673411483,0.061199564056059925,-0.026701743059490034
310
+ 25,9,0.36317023272212484,0.3598377755159847,0.42793756735771105,0.4882604445163891,0.4229344475929871,0.4882604445163891,0.05978452759873507,-0.026701743059490034
311
+ 25,10,0.36320629970398877,0.3598377755159847,0.42878379705881664,0.4882604445163891,0.4239077447602246,0.4882604445163891,0.058989431804602234,-0.052131974544718636
312
+ 25,11,0.3627505992345507,0.3598377755159847,0.42805971601285875,0.4882604445163891,0.4233542239850772,0.4882604445163891,0.06161350376331563,-0.026701743059490034
313
+ 25,-1,0.3627505992345507,0.3598377755159847,0.42805971601285875,0.4882604445163891,0.4233542239850772,0.4882604445163891,0.06161350376331563,-0.026701743059490034
314
+ 26,1,0.36204870130087724,0.3598377755159847,0.42723109390713493,0.4882604445163891,0.4227197479147545,0.4882604445163891,0.06354655747660669,-0.026701743059490034
315
+ 26,2,0.3616191339933297,0.3598377755159847,0.4266238839206889,0.4882604445163891,0.42233025136151414,0.4882604445163891,0.06548854161432771,-0.026701743059490034
316
+ 26,3,0.3606121184189116,0.3598377755159847,0.42575696453004225,0.4882604445163891,0.4215916867532819,0.4882604445163891,0.06655593276782881,0.0012715115742614302
317
+ 26,4,0.36015503045339753,0.35220870607041616,0.42509745907999624,0.4882604445163891,0.4210361168207968,0.4882604445163891,0.06797827329226686,0.0012715115742614302
318
+ 26,5,0.3598775896117073,0.35220870607041616,0.4243251492528833,0.4882604445163891,0.42038874035096163,0.4882604445163891,0.07015579531524739,0.0012715115742614302
319
+ 26,6,0.3589626907808022,0.35220870607041616,0.4242277829562893,0.4882604445163891,0.42042783163681924,0.4882604445163891,0.07057280090773357,0.0012715115742614302
320
+ 26,7,0.3579302235529687,0.35220870607041616,0.4241658892425546,0.4882604445163891,0.4204691253579751,0.4882604445163891,0.0705900767672163,0.0012715115742614302
321
+ 26,8,0.3573216737625762,0.35220870607041616,0.42414303994723057,0.4882604445163891,0.4205224219476267,0.4882604445163891,0.07082151569358171,0.0012715115742614302
322
+ 26,9,0.35643808907359725,0.35220870607041616,0.4240489821402286,0.4882604445163891,0.4204837401802657,0.4882604445163891,0.0706427070242555,0.0012715115742614302
323
+ 26,10,0.3550599049557564,0.3598377755159847,0.42415335172423607,0.4882604445163891,0.42059577296000733,0.4882604445163891,0.06932249792075336,0.0012715115742614302
324
+ 26,11,0.3540563437400201,0.3598377755159847,0.4250557882572484,0.4882604445163891,0.4214882351907511,0.4882604445163891,0.06652729287231347,-0.024158719910967172
325
+ 26,-1,0.3540563437400201,0.3598377755159847,0.4250557882572484,0.4882604445163891,0.4214882351907511,0.4882604445163891,0.06652729287231347,-0.024158719910967172
326
+ 27,1,0.3535524435840808,0.3598377755159847,0.4259188497180163,0.5047900949817878,0.4223327607515423,0.4882604445163891,0.06446108408306715,-0.024158719910967172
327
+ 27,2,0.3541823159302969,0.3598377755159847,0.42692775764060487,0.5047900949817878,0.4233204022137658,0.4882604445163891,0.06392305663787021,-0.024158719910967172
328
+ 27,3,0.35485562611164756,0.3598377755159847,0.4276246726680969,0.5047900949817878,0.42400297195569187,0.4882604445163891,0.06381291042236856,-0.024158719910967172
329
+ 27,4,0.3545694628062769,0.3598377755159847,0.4276113358853982,0.5047900949817878,0.42391898418316476,0.4882604445163891,0.06291816100069475,-0.024158719910967172
330
+ 27,5,0.354112096961899,0.3598377755159847,0.4275099725909456,0.5047900949817878,0.42372920043554446,0.4882604445163891,0.06205003974927049,-0.024158719910967172
331
+ 27,6,0.35393540054599465,0.3598377755159847,0.42744624318861585,0.5047900949817878,0.42359483523575414,0.4882604445163891,0.061471818524705,-0.024158719910967172
332
+ 27,7,0.35360668208044616,0.3598377755159847,0.42730617577272223,0.5047900949817878,0.4233865542133916,0.4882604445163891,0.06113937610381548,-0.024158719910967172
333
+ 27,8,0.352859532369483,0.3598377755159847,0.4270623929556854,0.5047900949817878,0.4230710555340821,0.4882604445163891,0.06032168831651848,-0.024158719910967172
334
+ 27,9,0.3523604686948069,0.3318645208822333,0.4269217365539543,0.5047900949817878,0.42288650640968456,0.4882604445163891,0.05985128882932333,-0.024158719910967172
335
+ 27,10,0.3517332029625207,0.3318645208822333,0.42676272235181684,0.5047900949817878,0.4226845206919108,0.4882604445163891,0.05900848906501869,-0.024158719910967172
336
+ 27,11,0.3511867492274324,0.3318645208822333,0.42662499115760216,0.5047900949817878,0.4225105019167978,0.4882604445163891,0.05828231438524019,-0.024158719910967172
337
+ 27,-1,0.3511867492274324,0.3318645208822333,0.42662499115760216,0.5047900949817878,0.4225105019167978,0.4882604445163891,0.05828231438524019,-0.024158719910967172
338
+ 28,1,0.3511020768743836,0.3318645208822333,0.42670987326059784,0.5047900949817878,0.4225677408008291,0.4882604445163891,0.05789998949073484,-0.024158719910967172
339
+ 28,2,0.3509269981346335,0.3318645208822333,0.4266730886158437,0.5047900949817878,0.42249501294535685,0.4882604445163891,0.05753392632612769,-0.024158719910967172
340
+ 28,3,0.35096997799026464,0.3318645208822333,0.42659347465853414,0.5047900949817878,0.422392805121298,0.4882604445163891,0.057464545440904576,-0.024158719910967172
341
+ 28,4,0.3508018606607454,0.3318645208822333,0.4263450099731614,0.5047900949817878,0.4221192329558393,0.4882604445163891,0.057509692322273556,-0.024158719910967172
342
+ 28,5,0.35046884320397503,0.3318645208822333,0.42605014253008416,0.5047900949817878,0.421796716788083,0.4882604445163891,0.05746514082769758,-0.024158719910967172
343
+ 28,6,0.3504583934090231,0.3318645208822333,0.4257852369565872,0.5047900949817878,0.42151560893486784,0.4882604445163891,0.05779790772785982,-0.024158719910967172
344
+ 28,7,0.350127942230944,0.3318645208822333,0.4255116180468431,0.5047900949817878,0.42121218390008164,0.4882604445163891,0.05767635875905283,-0.024158719910967172
345
+ 28,8,0.35007665183316805,0.3318645208822333,0.4253312253791989,0.5047900949817878,0.421019903067481,0.4882604445163891,0.05774412793375011,-0.024158719910967172
346
+ 28,9,0.3495553349252417,0.3318645208822333,0.4250625029571536,0.5047900949817878,0.4207372628251086,0.4882604445163891,0.057398003389215024,-0.024158719910967172
347
+ 28,10,0.3491283436191038,0.3318645208822333,0.42475284588357093,0.5047900949817878,0.42040036901135136,0.4882604445163891,0.05717193930647365,-0.024158719910967172
348
+ 28,11,0.34945900752720116,0.3318645208822333,0.4246186463902783,0.4882604445163891,0.4202274189344979,0.4882604445163891,0.05785623070138314,-0.024158719910967172
349
+ 28,-1,0.34945900752720116,0.3318645208822333,0.4246186463902783,0.4882604445163891,0.4202274189344979,0.4882604445163891,0.05785623070138314,-0.024158719910967172
350
+ 29,1,0.3497410778419699,0.3318645208822333,0.4244879666667666,0.4882604445163891,0.42007023616785816,0.4882604445163891,0.0585750898979786,-0.024158719910967172
351
+ 29,2,0.35013648965415145,0.3318645208822333,0.4243949462446176,0.4882604445163891,0.419954711860008,0.4882604445163891,0.05930805007949688,-0.024158719910967172
352
+ 29,3,0.350249971656096,0.3318645208822333,0.42424906170756094,0.4882604445163891,0.4197774617093507,0.4882604445163891,0.05967650704871345,-0.024158719910967172
353
+ 29,4,0.35026326910295197,0.3318645208822333,0.4240761438918474,0.4882604445163891,0.41957225025823,0.4882604445163891,0.05996611694221452,-0.024158719910967172
354
+ 29,5,0.350176821149236,0.3318645208822333,0.42391020260745527,0.4882604445163891,0.4193780434867778,0.4882604445163891,0.06009557695307842,-0.024158719910967172
355
+ 29,6,0.35039518912970846,0.3318645208822333,0.4239335876173948,0.4882604445163891,0.41938739586089024,0.4882604445163891,0.060431474291446866,-0.024158719910967172
356
+ 29,7,0.3505673176225451,0.3318645208822333,0.42392179949150605,0.4882604445163891,0.4193603614325398,0.4882604445163891,0.06070437599966076,-0.024158719910967172
357
+ 29,8,0.3506950376970433,0.3318645208822333,0.4239201999053281,0.4882604445163891,0.4193486305901996,0.4882604445163891,0.060892029009333805,-0.024158719910967172
358
+ 29,9,0.3507537300147216,0.3318645208822333,0.4239158553688196,0.4882604445163891,0.4193366815251689,0.4882604445163891,0.06098224482938859,-0.024158719910967172
359
+ 29,10,0.35076725217458277,0.3318645208822333,0.4239099338828944,0.4882604445163891,0.4193267348984611,0.4882604445163891,0.061011122994839934,-0.024158719910967172
360
+ 29,11,0.3508633458797164,0.3318645208822333,0.42395926616635027,0.4882604445163891,0.4193794208980744,0.4882604445163891,0.061074506113237635,-0.024158719910967172
361
+ 29,-1,0.3508633458797164,0.3318645208822333,0.42395926616635027,0.4882604445163891,0.4193794208980744,0.4882604445163891,0.061074506113237635,-0.024158719910967172
modules.json ADDED
@@ -0,0 +1,14 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ [
2
+ {
3
+ "idx": 0,
4
+ "name": "0",
5
+ "path": "",
6
+ "type": "sentence_transformers.models.Transformer"
7
+ },
8
+ {
9
+ "idx": 1,
10
+ "name": "1",
11
+ "path": "1_Pooling",
12
+ "type": "sentence_transformers.models.Pooling"
13
+ }
14
+ ]
pytorch_model.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:329bf767f512716a391511a8b27337b4239ba007162a7d3316c0018bfd52260e
3
+ size 470696369
sentence_bert_config.json ADDED
@@ -0,0 +1,4 @@
 
 
 
 
 
1
+ {
2
+ "max_seq_length": 128,
3
+ "do_lower_case": false
4
+ }
similarity_evaluation_sts-test_results.csv ADDED
@@ -0,0 +1,2 @@
 
 
 
1
+ epoch,steps,cosine_pearson,cosine_spearman,euclidean_pearson,euclidean_spearman,manhattan_pearson,manhattan_spearman,dot_pearson,dot_spearman
2
+ -1,-1,0.7240146488844361,0.3238708936604559,0.6346197776033915,0.2307722308515873,0.5888050146044485,0.23173100569985455,0.5681589287074926,0.4182533397407333
special_tokens_map.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"bos_token": "<s>", "eos_token": "</s>", "unk_token": "<unk>", "sep_token": "</s>", "pad_token": "<pad>", "cls_token": "<s>", "mask_token": {"content": "<mask>", "single_word": false, "lstrip": true, "rstrip": false, "normalized": false}}
tokenizer.json ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:3a3313815c3d2e1b78b5182b09e66e6cd4cdd54df67a35c4a318c23d461821a4
3
+ size 17082913
tokenizer_config.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"do_lower_case": true, "unk_token": "<unk>", "sep_token": "</s>", "pad_token": "<pad>", "cls_token": "<s>", "mask_token": {"content": "<mask>", "single_word": false, "lstrip": true, "rstrip": false, "normalized": true, "__type": "AddedToken"}, "tokenize_chinese_chars": true, "strip_accents": null, "bos_token": "<s>", "eos_token": "</s>", "model_max_length": 512, "special_tokens_map_file": null, "name_or_path": "/root/.cache/torch/sentence_transformers/sentence-transformers_paraphrase-multilingual-MiniLM-L12-v2/", "tokenizer_class": "BertTokenizer"}
unigram.json ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:71b44701d7efd054205115acfa6ef126c5d2f84bd3affe0c59e48163674d19a6
3
+ size 14763234