jfarray commited on
Commit
74b645a
1 Parent(s): d8d28ed

Add new SentenceTransformer model.

Browse files
.gitattributes CHANGED
@@ -25,3 +25,5 @@ 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
+ tokenizer.json filter=lfs diff=lfs merge=lfs -text
29
+ pytorch_model.bin filter=lfs diff=lfs merge=lfs -text
1_Pooling/config.json ADDED
@@ -0,0 +1,7 @@
 
 
 
 
 
 
 
 
1
+ {
2
+ "word_embedding_dimension": 768,
3
+ "pooling_mode_cls_token": false,
4
+ "pooling_mode_mean_tokens": true,
5
+ "pooling_mode_max_tokens": false,
6
+ "pooling_mode_mean_sqrt_len_tokens": false
7
+ }
README.md 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 768 dimensional dense vector space and can be used for tasks like clustering or semantic search.
13
+
14
+ <!--- Describe your model here -->
15
+
16
+ ## Usage (Sentence-Transformers)
17
+
18
+ Using this model becomes easy when you have [sentence-transformers](https://www.SBERT.net) installed:
19
+
20
+ ```
21
+ pip install -U sentence-transformers
22
+ ```
23
+
24
+ Then you can use the model like this:
25
+
26
+ ```python
27
+ from sentence_transformers import SentenceTransformer
28
+ sentences = ["This is an example sentence", "Each sentence is converted"]
29
+
30
+ model = SentenceTransformer('{MODEL_NAME}')
31
+ embeddings = model.encode(sentences)
32
+ print(embeddings)
33
+ ```
34
+
35
+
36
+
37
+ ## 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: XLMRobertaModel
119
+ (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})
120
+ )
121
+ ```
122
+
123
+ ## Citing & Authors
124
+
125
+ <!--- Describe where people can find more information -->
config.json ADDED
@@ -0,0 +1,29 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_name_or_path": "/root/.cache/torch/sentence_transformers/sentence-transformers_paraphrase-multilingual-mpnet-base-v2/",
3
+ "architectures": [
4
+ "XLMRobertaModel"
5
+ ],
6
+ "attention_probs_dropout_prob": 0.1,
7
+ "bos_token_id": 0,
8
+ "classifier_dropout": null,
9
+ "eos_token_id": 2,
10
+ "gradient_checkpointing": false,
11
+ "hidden_act": "gelu",
12
+ "hidden_dropout_prob": 0.1,
13
+ "hidden_size": 768,
14
+ "initializer_range": 0.02,
15
+ "intermediate_size": 3072,
16
+ "layer_norm_eps": 1e-05,
17
+ "max_position_embeddings": 514,
18
+ "model_type": "xlm-roberta",
19
+ "num_attention_heads": 12,
20
+ "num_hidden_layers": 12,
21
+ "output_past": true,
22
+ "pad_token_id": 1,
23
+ "position_embedding_type": "absolute",
24
+ "torch_dtype": "float32",
25
+ "transformers_version": "4.16.2",
26
+ "type_vocab_size": 1,
27
+ "use_cache": true,
28
+ "vocab_size": 250002
29
+ }
config_sentence_transformers.json ADDED
@@ -0,0 +1,7 @@
 
 
 
 
 
 
 
 
1
+ {
2
+ "__version__": {
3
+ "sentence_transformers": "2.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.24428484492337774,0.1856406898421688,0.2726824721314313,0.17419708567381592,0.20191195613958324,0.18182615511938452,-0.10491629431153585,-0.05976104399028721
3
+ 0,2,0.2443469205210528,0.1856406898421688,0.27093380292281094,0.17419708567381592,0.19830225714720875,0.18182615511938452,-0.09780564806096134,-0.05340348611898007
4
+ 0,3,0.24116122348198396,0.16529650465398593,0.2664383114202075,0.17928313197086163,0.18904621493045723,0.15893894678267878,-0.09178397338301192,-0.05976104399028721
5
+ 0,4,0.23474415912718158,0.1474953426143259,0.2591749640032302,0.1767401088223388,0.1754833535398525,0.12079359955483586,-0.0911510098390132,-0.07374767130716295
6
+ 0,5,0.21945350689778245,0.1309656921489273,0.24061222019801548,0.1767401088223388,0.148222565448932,0.01398662731687573,-0.08309512850359203,-0.07374767130716295
7
+ 0,6,0.20360637400852724,0.11189301853500584,0.221122320295821,0.09409185649534582,0.12117014633260856,-0.022887208336705742,-0.07080370414836994,-0.043231393524888626
8
+ 0,7,0.1825909698869309,0.09790639121813012,0.1922689904452793,0.045774416673411485,0.0833987227876079,-0.0012715115742614302,-0.055702190883924044,-0.054674997693241495
9
+ 0,8,0.16378686634813236,0.09663487964386869,0.16458111395939068,0.10934999538648299,0.04746744242171015,-0.00890058101983001,-0.03342451719474208,-0.02924476620801289
10
+ 0,9,0.12799505585185106,0.10807848381222157,0.12305387799793288,0.06103255556454864,0.001218427335178914,-0.05340348611898007,-0.02684710274435451,-0.08010522917847009
11
+ 0,10,0.08697752959507145,0.020344185188182883,0.07851414866328689,0.0381453472278429,-0.04397767894538217,-0.11952208798057443,-0.027489413053429602,-0.08519127547551582
12
+ 0,11,0.004181568863160892,-0.03051627778227432,0.003943339203491986,-0.07120464815864008,-0.11269315304496716,-0.13732325002023446,-0.084300784017249,-0.07120464815864008
13
+ 0,-1,0.004181568863160892,-0.03051627778227432,0.003943339203491986,-0.07120464815864008,-0.11269315304496716,-0.13732325002023446,-0.084300784017249,-0.07120464815864008
14
+ 1,1,-0.05541360797271561,-0.12333662270335873,-0.05524553536725079,-0.09027732177256154,-0.16613795957283697,-0.1983558055847831,-0.11799274304599837,-0.18055464354512307
15
+ 1,2,-0.11462994072237218,-0.20344185188182884,-0.11472455669187291,-0.17928313197086163,-0.2150729878597227,-0.20598487503035168,-0.14714324730336314,-0.24158719910967172
16
+ 1,3,-0.15863047449633333,-0.2225145254957503,-0.16419644381088055,-0.16021045835694017,-0.25941168523868285,-0.2581168495750703,-0.17040461597544643,-0.28609010420882175
17
+ 1,4,-0.2007173459710528,-0.2695604537434232,-0.21132920593355736,-0.2225145254957503,-0.29429751201869336,-0.3216924282881418,-0.19406680285397596,-0.27846103476325323
18
+ 1,5,-0.22848481284151229,-0.2606598727235932,-0.2456165629731552,-0.2606598727235932,-0.31884071965741057,-0.43867149312019343,-0.20916826401161842,-0.3445796366248476
19
+ 1,6,-0.2485632217087441,-0.3916255648725205,-0.27425630950343977,-0.37763893755564476,-0.33717366231858004,-0.49970404868474205,-0.2213398565072606,-0.3293214977337104
20
+ 1,7,-0.26242316976010954,-0.3916255648725205,-0.29344533220613334,-0.41069823848644194,-0.3554370876305905,-0.5136906760016178,-0.2268582799348411,-0.35220870607041616
21
+ 1,8,-0.27071024580832637,-0.4246848658033177,-0.30547091678736643,-0.43358544682314765,-0.3667413849090897,-0.5200482338729249,-0.23072246654252196,-0.3216924282881418
22
+ 1,9,-0.2636196336600924,-0.4246848658033177,-0.3023697871129746,-0.4323139352488863,-0.3645349139238797,-0.5238627685957092,-0.2229743832673261,-0.3216924282881418
23
+ 1,10,-0.26202689002768365,-0.4056121921893962,-0.2967731577762795,-0.42977091210036333,-0.37109331536481294,-0.5047900949817878,-0.21074771939863454,-0.3941685880210433
24
+ 1,11,-0.25634827001001104,-0.40179765746661195,-0.2884891161060603,-0.4195988195062719,-0.36980364261734944,-0.42977091210036333,-0.20758387846045276,-0.39035405329825906
25
+ 1,-1,-0.25634827001001104,-0.40179765746661195,-0.2884891161060603,-0.4195988195062719,-0.36980364261734944,-0.42977091210036333,-0.20758387846045276,-0.39035405329825906
26
+ 2,1,-0.2217533611004115,-0.2962621968029132,-0.24195975959067162,-0.21488545605018167,-0.3413845201933076,-0.36873835653581477,-0.18145844412586784,-0.3077058009712661
27
+ 2,2,-0.1963450311738964,-0.31279184726831183,-0.20815661443688127,-0.31406335884257325,-0.3157041991938597,-0.33059300930797186,-0.17421397384042675,-0.2593883611493318
28
+ 2,3,-0.1605873147351606,-0.3356790556050176,-0.1597340129525121,-0.2937191736543904,-0.2739123813139308,-0.3420366134763247,-0.16614901294211296,-0.15766743520841733
29
+ 2,4,-0.1260342934378288,-0.31279184726831183,-0.1161570393358791,-0.2822755694860375,-0.22939137972702192,-0.32677847458518755,-0.15744776379772413,-0.1856406898421688
30
+ 2,5,-0.12568998754204205,-0.2949906852286518,-0.11218730277105216,-0.26320289587211604,-0.2216696297735707,-0.32296393986240324,-0.16890008732089926,-0.14622383104006448
31
+ 2,6,-0.11421813858745752,-0.21107092132739738,-0.099546773340926,-0.18309766669364594,-0.20084178177901882,-0.3344075440307561,-0.16579456103114015,-0.09917790279239155
32
+ 2,7,-0.08798619217676953,-0.06993313658437866,-0.06880789028244474,-0.05340348611898007,-0.16008653285372,-0.08519127547551582,-0.1519374208369183,-0.05976104399028721
33
+ 2,8,-0.08778536585662239,-0.12206511112909728,-0.0653577976169621,0.0025430231485228604,-0.15199467761335306,-0.11062150696074444,-0.1625639709153848,-0.07374767130716295
34
+ 2,9,-0.11593036336143012,-0.19326975928773737,-0.09747186217091343,-0.07756220602994723,-0.18327281192958242,-0.18055464354512307,-0.18077362921616588,-0.16148196993120162
35
+ 2,10,-0.14627767555098808,-0.2403156875354103,-0.13095581290656935,-0.18691220141643022,-0.21628541570160575,-0.2199715023472274,-0.20227577397016172,-0.22378603707001168
36
+ 2,11,-0.18473678029830634,-0.2695604537434232,-0.18081066724962894,-0.24794475698097887,-0.2658234895609669,-0.3344075440307561,-0.22608614643554129,-0.2492162685552403
37
+ 2,-1,-0.18473678029830634,-0.2695604537434232,-0.18081066724962894,-0.24794475698097887,-0.2658234895609669,-0.3344075440307561,-0.22608614643554129,-0.2492162685552403
38
+ 3,1,-0.18777138325482756,-0.31787789356535756,-0.197964903914741,-0.2682889421691617,-0.27998894012183456,-0.3344075440307561,-0.22584465969302164,-0.24285871068393314
39
+ 3,2,-0.1757338627861532,-0.36110928709024614,-0.18820487994046972,-0.3496656829218933,-0.26863581184924723,-0.36238079866450756,-0.2135306481998927,-0.2568453380008089
40
+ 3,3,-0.1644219532317986,-0.3827249838526905,-0.1771438778587316,-0.36492382181303046,-0.2557176106742987,-0.3763674259813833,-0.20361269590519016,-0.2492162685552403
41
+ 3,4,-0.15548267099943647,-0.4195988195062719,-0.1636328187790067,-0.36365231023876904,-0.2428914967523208,-0.38908254172399764,-0.19911545722255125,-0.2225145254957503
42
+ 3,5,-0.14136436736313673,-0.3000767315256975,-0.14171283492198405,-0.3471226597733704,-0.22095783281923517,-0.36873835653581477,-0.18499309206840478,-0.2225145254957503
43
+ 3,6,-0.11886120255002526,-0.3038912662484818,-0.10163824586902367,-0.3356790556050176,-0.18728923752618162,-0.36238079866450756,-0.16129131827929957,-0.2403156875354103
44
+ 3,7,-0.06699087572496772,-0.2810040579117761,-0.01948220151591775,-0.19962731715904453,-0.11581246424249172,-0.25557382642654747,-0.12420857380724898,-0.23777266438688743
45
+ 3,8,-0.0040162086656939265,-0.1894552245649531,0.0569534951066325,-0.05594650926750292,-0.03951641075842073,-0.12842266900040444,-0.06918738179259326,-0.13223720372318873
46
+ 3,9,0.08534982267098162,0.05594650926750292,0.13091118223401849,0.18436917826790739,0.04600650417453244,0.07374767130716295,0.009059224718885574,-0.06357557871307151
47
+ 3,10,0.14061980655282563,0.16529650465398593,0.1647395138520024,0.2492162685552403,0.08994626965029041,0.1525813889113716,0.07718405903406463,0.16148196993120162
48
+ 3,11,0.15427398982564797,0.21361394447592028,0.17641607239286847,0.22124301392148887,0.10565253835574095,0.2568453380008089,0.10938979216973209,0.15385290048563305
49
+ 3,-1,0.15427398982564797,0.21361394447592028,0.17641607239286847,0.22124301392148887,0.10565253835574095,0.2568453380008089,0.10938979216973209,0.15385290048563305
50
+ 4,1,0.09034630912276169,0.1296941805746659,0.11666392373550953,0.12460813427762014,0.03799326493797384,0.036873835653581474,0.060956090091536734,0.08264825232699297
51
+ 4,2,-0.03372398768066628,-0.1729255740995545,-0.030784702223659248,-0.15893894678267878,-0.10444178683587263,-0.24540173383245603,-0.02827632273138092,-0.054674997693241495
52
+ 4,3,-0.08257000843283595,-0.16402499307972448,-0.09342853902003821,-0.2326866180898417,-0.15001664467466203,-0.2657459190206389,-0.072758671091759,-0.10426394908943727
53
+ 4,4,-0.09727078063831816,-0.1983558055847831,-0.11474760379262863,-0.2568453380008089,-0.160721224936826,-0.28481859263456033,-0.08856159830187875,-0.15766743520841733
54
+ 4,5,-0.09997477287903471,-0.24667324540671745,-0.11948081058539406,-0.2619313842978546,-0.16031177628912324,-0.2593883611493318,-0.0978579591463039,-0.15766743520841733
55
+ 4,6,-0.09471879776013,-0.20089882873330597,-0.11507004670349415,-0.23395812966410312,-0.15487665152530972,-0.2670174305949003,-0.09446621663400669,-0.15766743520841733
56
+ 4,7,-0.08703078544207725,-0.22124301392148887,-0.10913571144193651,-0.22378603707001168,-0.150314971345415,-0.22887208336705742,-0.07885429068763473,-0.06230406713881007
57
+ 4,8,-0.07484580018069499,-0.11952208798057443,-0.10038207193758342,-0.14876685418858734,-0.143864449554056,-0.19199824771347596,-0.04905550522133095,-0.011443604168352871
58
+ 4,9,-0.053725525963802534,-0.0839197639012544,-0.08535131722977583,-0.0673901134358558,-0.13183118399541727,-0.1691110393767702,-0.002948251779574771,0.12842266900040444
59
+ 4,10,-0.01660688161354075,0.04958895139619578,-0.05850003253664243,0.005086046297045721,-0.11031250854608461,-0.08264825232699297,0.06299315280343545,0.2988052199514361
60
+ 4,11,0.041051061462615786,0.21615696762444314,-0.0036908278104596714,0.1691110393767702,-0.05954634684806469,0.08010522917847009,0.1287373157864738,0.3674668449615533
61
+ 4,-1,0.041051061462615786,0.21615696762444314,-0.0036908278104596714,0.1691110393767702,-0.05954634684806469,0.08010522917847009,0.1287373157864738,0.3674668449615533
62
+ 5,1,0.07637407896563865,0.2873616157830832,0.042697186890584785,0.18182615511938452,-0.012138452531289097,0.1678395278025088,0.15362756831038005,0.2962621968029132
63
+ 5,2,0.10668015958796659,0.4081552153379191,0.08360582466547363,0.27210347689194603,0.031819852694563805,0.25048778012950174,0.16697729354659793,0.31787789356535756
64
+ 5,3,0.12090723250975911,0.4056121921893962,0.10125271085323387,0.3089773125455275,0.04721808755861022,0.2670174305949003,0.1711105056071156,0.3318645208822333
65
+ 5,4,0.12263194736845857,0.4056121921893962,0.1049003899711517,0.33695056717927896,0.0460573172104789,0.24540173383245603,0.15959520795044022,0.3471226597733704
66
+ 5,5,0.11633174371051319,0.345851148199109,0.09285228423574458,0.25048778012950174,0.028625363538919944,0.21742847919870456,0.1532452231307839,0.3064342893970047
67
+ 5,6,0.11354217509631842,0.3534802176446776,0.08241375665528587,0.2619313842978546,0.01238088638115912,0.21742847919870456,0.15669361866034975,0.3064342893970047
68
+ 5,7,0.09385912732504705,0.2988052199514361,0.0546779817714311,0.21615696762444314,-0.020769366383451716,0.08010522917847009,0.1317457495322017,0.32677847458518755
69
+ 5,8,0.04884449331253537,0.23777266438688743,0.008986493847856698,0.15003836576284876,-0.0664796006252518,0.052131974544718636,0.10377647468462155,0.3878110301497362
70
+ 5,9,0.0058594423342915114,0.11062150696074444,-0.026727390963524136,0.01652965046539859,-0.09985034567844613,-0.040688370376365766,0.074534231821383,0.24413022225819456
71
+ 5,10,-0.026395265196993183,0.05976104399028721,-0.054100234886981645,-0.034330812505058615,-0.12696672032433173,-0.07247615973290152,0.05343880886090197,0.21742847919870456
72
+ 5,11,-0.04292464716783578,-0.02924476620801289,-0.06711964851619096,-0.0839197639012544,-0.1384233554066824,-0.0839197639012544,0.03262437809842092,0.10553546066369869
73
+ 5,-1,-0.04292464716783578,-0.02924476620801289,-0.06711964851619096,-0.0839197639012544,-0.1384233554066824,-0.0839197639012544,0.03262437809842092,0.10553546066369869
74
+ 6,1,-0.05928583862172707,-0.0928203449210844,-0.08160571165102903,-0.10172092594091442,-0.15038458466163862,-0.10426394908943727,0.016664721857866372,0.054674997693241495
75
+ 6,2,-0.05368225821892354,-0.04958895139619578,-0.07801248400534078,-0.10172092594091442,-0.14770737152993088,-0.11062150696074444,0.034127218672765094,0.07501918288142438
76
+ 6,3,-0.03890600763335364,0.04704592824767291,-0.07014494837796174,-0.0673901134358558,-0.14634625759282077,-0.0673901134358558,0.07290042837940562,0.15639592363415591
77
+ 6,4,-0.03805217636409231,0.043231393524888626,-0.07185542456929758,-0.06357557871307151,-0.15085654834233886,-0.04958895139619578,0.08679270767248042,0.15639592363415591
78
+ 6,5,-0.03302494857209083,0.07120464815864008,-0.06605118836544963,-0.006357557871307151,-0.1457986496098563,-0.0381453472278429,0.095211714105805,0.19962731715904453
79
+ 6,6,-0.018832471303591218,0.05594650926750292,-0.05079590520358237,0.02924476620801289,-0.1316353926616495,-0.0025430231485228604,0.11183594367500661,0.23777266438688743
80
+ 6,7,0.003887833716666359,0.11825057640631301,-0.028951405442640712,0.045774416673411485,-0.10961691790564823,0.01398662731687573,0.13538952322438855,0.2835470810602989
81
+ 6,8,0.046462788693183064,0.15639592363415591,0.01387899078704215,0.11825057640631301,-0.06778060474053342,0.024158719910967172,0.16491312964587293,0.3331360324564947
82
+ 6,9,0.06795227277113257,0.18691220141643022,0.03695906480675471,0.13605173844597301,-0.04171786854255328,0.0419598819506272,0.17451043192103305,0.35856626394172325
83
+ 6,10,0.08796817792944317,0.1983558055847831,0.05920780910921848,0.22124301392148887,-0.016953963804545263,0.09027732177256154,0.18089482790078226,0.33695056717927896
84
+ 6,11,0.10464905207723318,0.22378603707001168,0.0781989903284011,0.17419708567381592,0.004512863067523082,0.09027732177256154,0.18490755591083452,0.32042091671388034
85
+ 6,-1,0.10464905207723318,0.22378603707001168,0.0781989903284011,0.17419708567381592,0.004512863067523082,0.09027732177256154,0.18490755591083452,0.32042091671388034
86
+ 7,1,0.11746996271236572,0.23904417596114885,0.0934089126155076,0.21869999077296598,0.021998508527043575,0.09027732177256154,0.18372143244902023,0.2988052199514361
87
+ 7,2,0.12615763997670357,0.23904417596114885,0.10666861783452954,0.1983558055847831,0.03867135680375809,0.17419708567381592,0.18274401694005743,0.25557382642654747
88
+ 7,3,0.13809021271196334,0.23650115281262601,0.12154945558594242,0.23141510651558028,0.05328766822586595,0.2021703403075674,0.18881882394712943,0.24794475698097887
89
+ 7,4,0.15680784911175055,0.2619313842978546,0.1460299536768597,0.27210347689194603,0.07906793468967022,0.2021703403075674,0.20307154882118283,0.24794475698097887
90
+ 7,5,0.1657927253216481,0.2670174305949003,0.15969721614963492,0.2911761505058675,0.0946278449305522,0.2492162685552403,0.21019659448902575,0.31406335884257325
91
+ 7,6,0.17127728635486,0.24540173383245603,0.1643440394003857,0.2695604537434232,0.09764491920970762,0.21361394447592028,0.2171376277363653,0.32423545143666466
92
+ 7,7,0.1798178658818521,0.24540173383245603,0.17153975487031164,0.25557382642654747,0.10523174230616184,0.19581278243626024,0.22654748277870845,0.3420366134763247
93
+ 7,8,0.16870358077517503,0.27210347689194603,0.15737029108217615,0.25557382642654747,0.09067023683286939,0.24158719910967172,0.2264356766290953,0.2657459190206389
94
+ 7,9,0.15691443248701684,0.25557382642654747,0.1391317124182098,0.27591801161473034,0.07165956962605304,0.1767401088223388,0.22820747832580107,0.2657459190206389
95
+ 7,10,0.12290197664216677,0.27591801161473034,0.10251646317929332,0.13732325002023446,0.036713574435625985,0.05594650926750292,0.21380302793635353,0.27846103476325323
96
+ 7,11,0.08623042720224015,0.13859476159449588,0.06612328070858733,0.03051627778227432,0.0029653218844973767,0.026701743059490034,0.19279328571991247,0.32423545143666466
97
+ 7,-1,0.08623042720224015,0.13859476159449588,0.06612328070858733,0.03051627778227432,0.0029653218844973767,0.026701743059490034,0.19279328571991247,0.32423545143666466
98
+ 8,1,0.04471709355961664,0.03051627778227432,0.030277247915845306,0.00890058101983001,-0.029384955149320574,-0.06230406713881007,0.1567402442372116,0.2657459190206389
99
+ 8,2,0.021927861642911342,0.00890058101983001,0.010683527550943936,-0.06103255556454864,-0.04615455026646732,-0.09536336806960725,0.12946436683859444,0.25048778012950174
100
+ 8,3,0.012682124830257229,0.00890058101983001,0.006144627287420703,-0.03941685880210433,-0.04770447056905345,-0.06103255556454864,0.10894173993664515,0.10172092594091442
101
+ 8,4,0.020597103766893336,-0.00381453472278429,0.015991557799644562,-0.057218020841764354,-0.03716222567841372,-0.07374767130716295,0.11178731115302494,0.1347802268717116
102
+ 8,5,0.05207775937326246,0.024158719910967172,0.04385636934878707,-0.01398662731687573,-0.0109516507662204,-0.08646278704977725,0.14573549508028083,0.25048778012950174
103
+ 8,6,0.1066751752514399,0.1767401088223388,0.08945979604596463,0.057218020841764354,0.0297198283202602,0.0025430231485228604,0.19977837736428097,0.27591801161473034
104
+ 8,7,0.15229468671509488,0.25557382642654747,0.13127947123839942,0.16275348150546307,0.06812857131963507,0.034330812505058615,0.233294671525194,0.32423545143666466
105
+ 8,8,0.20205649041960877,0.27210347689194603,0.1821137621896021,0.27973254633751465,0.11455555746268707,0.23141510651558028,0.2614303879892758,0.31533487041683467
106
+ 8,9,0.22817458996045273,0.3331360324564947,0.21013718573855164,0.3077058009712661,0.14126173611145906,0.24158719910967172,0.27022835405140627,0.3700098681100762
107
+ 8,10,0.23126253310736108,0.3000767315256975,0.21505806031501065,0.3077058009712661,0.1487208854505585,0.24540173383245603,0.261260074147606,0.3801819607041676
108
+ 8,11,0.18353795080923987,0.33059300930797186,0.16668655050983328,0.31533487041683467,0.11458673494767706,0.25430231485228605,0.20669456040104633,0.3433081250505861
109
+ 8,-1,0.18353795080923987,0.33059300930797186,0.16668655050983328,0.31533487041683467,0.11458673494767706,0.25430231485228605,0.20669456040104633,0.3433081250505861
110
+ 9,1,0.13519615040886585,0.2949906852286518,0.11666148228456712,0.3051627778227432,0.07696361677325815,0.1729255740995545,0.161971565743051,0.3115203356940504
111
+ 9,2,0.09223327483917701,0.31533487041683467,0.07916647853217319,0.19962731715904453,0.04963423898406826,0.08519127547551582,0.12512547027925042,0.24794475698097887
112
+ 9,3,0.055777078872980106,0.22632906021853458,0.05061531629672569,0.09790639121813012,0.028524362978299155,0.022887208336705742,0.09535938135737723,0.2593883611493318
113
+ 9,4,0.03704826385384517,0.23650115281262601,0.03740233392321137,0.0,0.018068925502686378,-0.025430231485228605,0.08101032501948828,0.21615696762444314
114
+ 9,5,0.03222587286384393,0.21361394447592028,0.03372542445747678,0.04704592824767291,0.015876747256683026,0.00762906944556858,0.0814279038956655,0.22632906021853458
115
+ 9,6,0.039176897454057544,0.3394935903278018,0.0340045165368592,0.11316453010926729,0.014838004221080836,0.08010522917847009,0.11385691841644512,0.2962621968029132
116
+ 9,7,0.05383173248848066,0.31660638199109614,0.04038565674971687,0.18309766669364594,0.017872629997619592,0.06611860186159436,0.14874590489106537,0.3293214977337104
117
+ 9,8,0.059016014847672785,0.2949906852286518,0.04020920660615248,0.24285871068393314,0.013075027540141707,0.13223720372318873,0.16742896392916204,0.3293214977337104
118
+ 9,9,0.05878358234697053,0.2606598727235932,0.03405095945199169,0.19581278243626024,0.004039087529285103,0.10680697223796014,0.17607129995966786,0.2835470810602989
119
+ 9,10,0.05743774810671094,0.23777266438688743,0.029193126426567042,0.1729255740995545,-0.002450681234612856,0.10680697223796014,0.1783541974923478,0.31279184726831183
120
+ 9,11,0.06052245353545623,0.18691220141643022,0.03222561279757594,0.1729255740995545,0.0007999373999240483,0.13986627316875733,0.18099970980540525,0.3089773125455275
121
+ 9,-1,0.06052245353545623,0.18691220141643022,0.03222561279757594,0.1729255740995545,0.0007999373999240483,0.13986627316875733,0.18099970980540525,0.3089773125455275
122
+ 10,1,0.05303560520009794,0.18691220141643022,0.02559696821497345,0.1729255740995545,-0.005578946568320418,0.10680697223796014,0.175867658324866,0.3089773125455275
123
+ 10,2,0.03157390280556425,0.23777266438688743,0.006492373568902802,0.09409185649534582,-0.023519520008890873,0.045774416673411485,0.15902892407952468,0.28609010420882175
124
+ 10,3,-0.004491998873571264,0.12206511112909728,-0.030421451198825188,0.00762906944556858,-0.06019937958400544,-0.00890058101983001,0.13883431968925117,0.25430231485228605
125
+ 10,4,-0.045958248966907755,-0.00762906944556858,-0.07090420646724138,-0.08137674075273153,-0.09996355036747846,-0.0890058101983001,0.11589778917079972,0.2352296412383646
126
+ 10,5,-0.08854589514157223,-0.034330812505058615,-0.11041029384262402,-0.09027732177256154,-0.1379533996275375,-0.10426394908943727,0.08703288098730659,0.2250575486442731
127
+ 10,6,-0.11400001163723346,-0.09027732177256154,-0.1359755745788136,-0.10426394908943727,-0.16102468649928217,-0.08264825232699297,0.07258074273928644,0.1767401088223388
128
+ 10,7,-0.13085989386512512,-0.09027732177256154,-0.15397380139557162,-0.09154883334682297,-0.176681751723502,-0.11570755325779014,0.06282441165143803,0.1983558055847831
129
+ 10,8,-0.1394508777790801,-0.07756220602994723,-0.16221892317152303,-0.09154883334682297,-0.18343967014075035,-0.12460813427762014,0.05090388873451934,0.16021045835694017
130
+ 10,9,-0.1440012246382461,-0.04958895139619578,-0.1658395009909586,-0.09154883334682297,-0.1867716382442063,-0.12460813427762014,0.04269355161049368,0.1347802268717116
131
+ 10,10,-0.13786978943761366,-0.03560232407932004,-0.16050504617304964,-0.09154883334682297,-0.18179741126984122,-0.12460813427762014,0.05353786305023609,0.17419708567381592
132
+ 10,11,-0.10528111877219026,-0.00381453472278429,-0.13290600459095409,-0.0419598819506272,-0.1552565630498885,-0.06230406713881007,0.09706753975679669,0.18309766669364594
133
+ 10,-1,-0.10528111877219026,-0.00381453472278429,-0.13290600459095409,-0.0419598819506272,-0.1552565630498885,-0.06230406713881007,0.09706753975679669,0.18309766669364594
134
+ 11,1,-0.06357623218209438,0.01780116203966002,-0.0996336021947459,-0.00381453472278429,-0.12337484405880299,0.0,0.1398218820226018,0.2937191736543904
135
+ 11,2,-0.02041822607211959,0.10553546066369869,-0.0653108348819199,-0.011443604168352871,-0.08979940451960956,0.01652965046539859,0.174237660513377,0.2988052199514361
136
+ 11,3,0.0026716435460659247,0.13223720372318873,-0.04736531000491604,0.09154883334682297,-0.07382376070402841,0.05340348611898007,0.18926657196195387,0.3077058009712661
137
+ 11,4,0.0026623448438023393,0.13223720372318873,-0.04960523592263809,0.10299243751517584,-0.07777124544467258,0.05340348611898007,0.19044892054671655,0.28990463893160606
138
+ 11,5,-0.012124823748699701,0.16275348150546307,-0.06378653716533186,0.020344185188182883,-0.09350537350094393,0.03051627778227432,0.18119731215382517,0.2682889421691617
139
+ 11,6,-0.030404282769367463,0.09790639121813012,-0.08491657099466281,-0.02924476620801289,-0.11647908703688702,-0.02924476620801289,0.17256012093693165,0.24667324540671745
140
+ 11,7,-0.05145408753192301,0.0762906944556858,-0.10983697872766057,-0.05340348611898007,-0.14271193797799994,-0.0419598819506272,0.16519597567798733,0.2746465000404689
141
+ 11,8,-0.06529739962874749,-0.0012715115742614302,-0.12425496448153371,-0.0762906944556858,-0.1577210953798505,-0.09027732177256154,0.15797598454326217,0.2746465000404689
142
+ 11,9,-0.075309035854043,-0.02924476620801289,-0.1308403510871628,-0.08773429862403868,-0.16347994727588797,-0.06866162501011723,0.1465084230057166,0.27210347689194603
143
+ 11,10,-0.0843281631295519,-0.02924476620801289,-0.13602723051903304,-0.06611860186159436,-0.16783358574356907,-0.10807848381222157,0.13376201938605095,0.27210347689194603
144
+ 11,11,-0.03676376163186702,0.021615696762444313,-0.08720807300817966,-0.01398662731687573,-0.11906234954498797,-0.01398662731687573,0.1742033462973822,0.2746465000404689
145
+ 11,-1,-0.03676376163186702,0.021615696762444313,-0.08720807300817966,-0.01398662731687573,-0.11906234954498797,-0.01398662731687573,0.1742033462973822,0.2746465000404689
146
+ 12,1,0.015427976517125786,0.12842266900040444,-0.0332162029171227,0.036873835653581474,-0.06490834172491151,0.01398662731687573,0.2094127514269946,0.354751729218939
147
+ 12,2,0.05949455598983356,0.16148196993120162,0.01460678221418249,0.15385290048563305,-0.016731608318048288,0.0928203449210844,0.23521752291714534,0.3941685880210433
148
+ 12,3,0.09817227694282853,0.2568453380008089,0.0580019178203492,0.17038255095103164,0.02820896556019171,0.19199824771347596,0.2558770073297714,0.4081552153379191
149
+ 12,4,0.13232308520713404,0.25175929170376316,0.09298117875043406,0.17038255095103164,0.0635425934508046,0.1894552245649531,0.27595225256221806,0.4081552153379191
150
+ 12,5,0.1694344474833424,0.2733749884662075,0.12971269059905574,0.25557382642654747,0.1006469342069686,0.23650115281262601,0.29602205183636404,0.4157842847834876
151
+ 12,6,0.21335664343960306,0.31787789356535756,0.17300577795211566,0.2695604537434232,0.1444678748016442,0.24158719910967172,0.31617110973737295,0.46155870145689915
152
+ 12,7,0.2418087693093069,0.31787789356535756,0.20143981333582484,0.23904417596114885,0.1735728345930615,0.24158719910967172,0.32968330047246325,0.45774416673411483
153
+ 12,8,0.24318081046038356,0.3293214977337104,0.19814242381335917,0.2695604537434232,0.16842179238933114,0.24158719910967172,0.333090721652263,0.4666447477539449
154
+ 12,9,0.23961839008174482,0.30134824309995895,0.19145579864130607,0.2695604537434232,0.16042322239569115,0.24158719910967172,0.3340346285511626,0.43358544682314765
155
+ 12,10,0.2240560529233443,0.28863312735734464,0.1741870426890242,0.21869999077296598,0.14204613627840146,0.21869999077296598,0.32847336876708544,0.4437575394172391
156
+ 12,11,0.21965316521036185,0.30261975467422036,0.16695277851769114,0.2352296412383646,0.1333924223984924,0.2403156875354103,0.32417717631142784,0.4437575394172391
157
+ 12,-1,0.21965316521036185,0.30261975467422036,0.16695277851769114,0.2352296412383646,0.1333924223984924,0.2403156875354103,0.32417717631142784,0.4437575394172391
158
+ 13,1,0.2030379405401332,0.28481859263456033,0.1492725004204614,0.23395812966410312,0.11464963069407981,0.2568453380008089,0.3147696040763405,0.4437575394172391
159
+ 13,2,0.19206103037393876,0.31533487041683467,0.13889110104241403,0.23395812966410312,0.10390213519616613,0.24540173383245603,0.3065958778811717,0.4437575394172391
160
+ 13,3,0.17337609688122269,0.28990463893160606,0.11893528520353791,0.20089882873330597,0.08313931702597836,0.20852789817887454,0.2976978324585629,0.42977091210036333
161
+ 13,4,0.16095382502983235,0.28990463893160606,0.10452318548705507,0.20089882873330597,0.06749292739405188,0.21107092132739738,0.2922860711431274,0.42977091210036333
162
+ 13,5,0.14676561383349584,0.2568453380008089,0.0868994864460888,0.1894552245649531,0.04851564017409878,0.21107092132739738,0.2874090933180415,0.42977091210036333
163
+ 13,6,0.13193726062291478,0.2492162685552403,0.06921705183900735,0.19454127086199882,0.030008757654719623,0.1907267361392145,0.2833071994793749,0.41832730793201056
164
+ 13,7,0.12291708583797874,0.2657459190206389,0.0572880417177532,0.2021703403075674,0.017365747629390395,0.1296941805746659,0.2813589279002664,0.40052614589235047
165
+ 13,8,0.11481060309217082,0.25175929170376316,0.04743178119164289,0.14113778474301875,0.006853235602538434,0.1296941805746659,0.27945886786427104,0.37255289125859903
166
+ 13,9,0.11140830158755208,0.25430231485228605,0.043441664894323474,0.14113778474301875,0.0026457073203464917,0.1296941805746659,0.2780891163234256,0.37255289125859903
167
+ 13,10,0.11180137329815441,0.25430231485228605,0.04901219210963434,0.14113778474301875,0.009900600232550504,0.1296941805746659,0.2739040100824528,0.36238079866450756
168
+ 13,11,0.11634402304495908,0.2606598727235932,0.05669450183935355,0.16021045835694017,0.018178774372352425,0.12460813427762014,0.2693561011660623,0.36238079866450756
169
+ 13,-1,0.11634402304495908,0.2606598727235932,0.05669450183935355,0.16021045835694017,0.018178774372352425,0.12460813427762014,0.2693561011660623,0.36238079866450756
170
+ 14,1,0.12043511181412297,0.24413022225819456,0.06803963577146596,0.1678395278025088,0.030743917759677886,0.14113778474301875,0.2632677391558863,0.3394935903278018
171
+ 14,2,0.12088554768081504,0.23141510651558028,0.07635830685080985,0.1525813889113716,0.0404298332663507,0.16656801622824735,0.25661289709243246,0.3496656829218933
172
+ 14,3,0.1219791095386459,0.2873616157830832,0.08670685948931084,0.23777266438688743,0.052748838547097256,0.16529650465398593,0.250590880982522,0.3534802176446776
173
+ 14,4,0.12065147775270743,0.2975337083771747,0.09265180350165209,0.23777266438688743,0.0607665048982528,0.25175929170376316,0.2450534766874774,0.3534802176446776
174
+ 14,5,0.11692805364337239,0.2975337083771747,0.09608701362684319,0.24794475698097887,0.06604233588646281,0.25175929170376316,0.23837883230120044,0.3534802176446776
175
+ 14,6,0.10122368032947879,0.28990463893160606,0.08532414738778948,0.23014359494131884,0.056406574440758944,0.25175929170376316,0.22715325171554715,0.3318645208822333
176
+ 14,7,0.0788401686882725,0.2568453380008089,0.06580099826295194,0.2021703403075674,0.03768716226121218,0.22378603707001168,0.21418385011866567,0.3216924282881418
177
+ 14,8,0.05268946547194863,0.23650115281262601,0.04172247327614772,0.18182615511938452,0.013978433218520433,0.15893894678267878,0.19972941916426826,0.3445796366248476
178
+ 14,9,0.025820206013551047,0.24285871068393314,0.016958056080475726,0.1767401088223388,-0.010420818330754603,0.09536336806960725,0.1849242980181282,0.3051627778227432
179
+ 14,10,0.016720597653877043,0.22632906021853458,0.00791468157218883,0.1525813889113716,-0.019922197661642424,0.09409185649534582,0.1816655984007288,0.32550696301092613
180
+ 14,11,0.007960977866919851,0.1780116203966002,-0.004351818683608729,0.06611860186159436,-0.03361888585891927,0.05976104399028721,0.176747372304496,0.2962621968029132
181
+ 14,-1,0.007960977866919851,0.1780116203966002,-0.004351818683608729,0.06611860186159436,-0.03361888585891927,0.05976104399028721,0.176747372304496,0.2962621968029132
182
+ 15,1,0.002674318728678221,0.11062150696074444,-0.01282601109372696,0.020344185188182883,-0.04314711538450257,-0.00762906944556858,0.17253767689410016,0.3051627778227432
183
+ 15,2,0.004758002491476082,0.08519127547551582,-0.015341826615245314,-0.022887208336705742,-0.04666141169975609,-0.02797325463375146,0.17638405414638844,0.27210347689194603
184
+ 15,3,0.008253555712461764,0.07120464815864008,-0.015246388311352343,-0.031787789356535756,-0.04750581993530534,-0.07756220602994723,0.18047737266528688,0.27210347689194603
185
+ 15,4,0.027063868671945653,0.054674997693241495,-0.0013776404276258911,-0.05976104399028721,-0.03588264426055071,-0.0762906944556858,0.1981683403794116,0.2835470810602989
186
+ 15,5,0.042894394127964384,0.08010522917847009,0.010334350868805912,-0.06611860186159436,-0.025305348082362737,-0.0890058101983001,0.2127133011792317,0.2835470810602989
187
+ 15,6,0.057997010015614546,0.08646278704977725,0.022100442982771716,0.012715115742614302,-0.015003752494566132,-0.057218020841764354,0.226352376484891,0.33059300930797186
188
+ 15,7,0.07196577141216556,0.08646278704977725,0.033989950388273994,0.045774416673411485,-0.004077149408224218,-0.011443604168352871,0.23669010698268578,0.35220870607041616
189
+ 15,8,0.0869160542531932,0.11062150696074444,0.04833863699488143,0.03305930093079718,0.009975651706447425,0.03305930093079718,0.24560577877409825,0.31279184726831183
190
+ 15,9,0.10062120017290718,0.1729255740995545,0.06169129228381548,0.08646278704977725,0.02328876580193869,0.03305930093079718,0.2539178212796793,0.31533487041683467
191
+ 15,10,0.11342216362148455,0.18309766669364594,0.07644079536363287,0.08646278704977725,0.03861760791198361,0.08646278704977725,0.25882529990264797,0.2937191736543904
192
+ 15,11,0.13903909799293124,0.2530308032780246,0.10363373129881696,0.12206511112909728,0.06692285006911233,0.11189301853500584,0.26780412910717255,0.32677847458518755
193
+ 15,-1,0.13903909799293124,0.2530308032780246,0.10363373129881696,0.12206511112909728,0.06692285006911233,0.11189301853500584,0.26780412910717255,0.32677847458518755
194
+ 16,1,0.15828174912251264,0.23777266438688743,0.12723672688517923,0.18818371299069164,0.0925570217751618,0.18309766669364594,0.27185632515535196,0.3534802176446776
195
+ 16,2,0.16826115185387192,0.2695604537434232,0.14182787317496384,0.2581168495750703,0.10943888376206995,0.2225145254957503,0.2719852060925591,0.4068837037636577
196
+ 16,3,0.17411737214153408,0.2695604537434232,0.14958718582655134,0.2581168495750703,0.11879645293207218,0.2225145254957503,0.2721619929178469,0.4068837037636577
197
+ 16,4,0.17277584013522918,0.2695604537434232,0.14578084856613394,0.2581168495750703,0.1149645035232077,0.2225145254957503,0.2723905095655837,0.4068837037636577
198
+ 16,5,0.16294336471198295,0.2619313842978546,0.13196988400305842,0.2530308032780246,0.10054503298289508,0.2199715023472274,0.26994346223481813,0.40179765746661195
199
+ 16,6,0.14499827785977212,0.25430231485228605,0.11120656582875207,0.16656801622824735,0.07933679275413154,0.16656801622824735,0.2636673947781953,0.40179765746661195
200
+ 16,7,0.12108891405089536,0.2670174305949003,0.08484868962604987,0.12333662270335873,0.05244782848187827,0.12333662270335873,0.2549879260861343,0.34839417134763184
201
+ 16,8,0.09015991074469129,0.2530308032780246,0.052408259632426214,0.09409185649534582,0.019054539664146938,0.07374767130716295,0.24160450072562956,0.31533487041683467
202
+ 16,9,0.06239411517054866,0.16148196993120162,0.024305686677529796,0.07756220602994723,-0.009489342412792447,0.09027732177256154,0.22856781040684457,0.2873616157830832
203
+ 16,10,0.03887666276153438,0.12333662270335873,0.0016024374880493856,0.06611860186159436,-0.03241961237687924,0.0381453472278429,0.21614011672185648,0.3089773125455275
204
+ 16,11,0.021248495651387325,0.11189301853500584,-0.014347749401362315,0.012715115742614302,-0.04724798157527051,0.01398662731687573,0.2065559171328587,0.3089773125455275
205
+ 16,-1,0.021248495651387325,0.11189301853500584,-0.014347749401362315,0.012715115742614302,-0.04724798157527051,0.01398662731687573,0.2065559171328587,0.3089773125455275
206
+ 17,1,0.01516371542747986,0.11189301853500584,-0.018199525886094713,0.040688370376365766,-0.05015180986143971,0.0025430231485228604,0.20176694889328028,0.3089773125455275
207
+ 17,2,0.014756882583363808,0.11189301853500584,-0.016796313061101818,0.040688370376365766,-0.04796410172593518,0.040688370376365766,0.2003674909637029,0.3089773125455275
208
+ 17,3,0.01735606628575525,0.12206511112909728,-0.012297669193231853,0.040688370376365766,-0.042601110555889464,0.040688370376365766,0.20017186474664816,0.33059300930797186
209
+ 17,4,0.022527334003001106,0.10426394908943727,-0.005226875548796071,0.040688370376365766,-0.03469166619816681,0.040688370376365766,0.20137425901205508,0.33059300930797186
210
+ 17,5,0.02711961902042023,0.10426394908943727,-0.00021357239548922086,0.040688370376365766,-0.030182896311971956,0.06230406713881007,0.203909747469744,0.33059300930797186
211
+ 17,6,0.02586498666988653,0.12587964585188158,-0.000485229190987278,0.06230406713881007,-0.031187700865743948,0.06230406713881007,0.2027130609162297,0.33059300930797186
212
+ 17,7,0.025960376861373063,0.12587964585188158,0.00028836686186112893,0.09536336806960725,-0.03142103441616612,0.06230406713881007,0.20145160058881018,0.31660638199109614
213
+ 17,8,0.030180773736201535,0.15893894678267878,0.005988946246336829,0.09536336806960725,-0.026633752363448355,0.06230406713881007,0.20116970406205548,0.31660638199109614
214
+ 17,9,0.0353651338434308,0.15893894678267878,0.011783254350638928,0.09536336806960725,-0.022071057613279054,0.06993313658437866,0.20175649582502023,0.31660638199109614
215
+ 17,10,0.0406882474479108,0.15893894678267878,0.018066045891963346,0.11697906483205156,-0.016550408698036187,0.09536336806960725,0.20148735748046318,0.31660638199109614
216
+ 17,11,0.0442352943903441,0.15893894678267878,0.018910468543411448,0.11697906483205156,-0.017767997291178204,0.06993313658437866,0.20446569122798253,0.31660638199109614
217
+ 17,-1,0.0442352943903441,0.15893894678267878,0.018910468543411448,0.11697906483205156,-0.017767997291178204,0.06993313658437866,0.20446569122798253,0.31660638199109614
218
+ 18,1,0.04346208364157928,0.15893894678267878,0.01684822706142816,0.10553546066369869,-0.021506703370604265,0.08010522917847009,0.20418656084661754,0.31660638199109614
219
+ 18,2,0.039548730774487,0.15893894678267878,0.012770641156402798,0.10553546066369869,-0.026951829562139557,0.06993313658437866,0.20135383480555036,0.2988052199514361
220
+ 18,3,0.03169055540246503,0.12587964585188158,0.003425317625453201,0.06993313658437866,-0.037998389781006336,0.05594650926750292,0.1989830143581775,0.2988052199514361
221
+ 18,4,0.023578881299789346,0.11697906483205156,-0.005233532629051345,0.06993313658437866,-0.04760445863497373,0.022887208336705742,0.19580280883957643,0.2988052199514361
222
+ 18,5,0.022150901752896194,0.11189301853500584,-0.00604328786385659,0.06993313658437866,-0.04879397144200398,0.022887208336705742,0.1941630321074711,0.2988052199514361
223
+ 18,6,0.022011253609543386,0.12587964585188158,-0.005019721237945462,0.06993313658437866,-0.04807500927136195,0.022887208336705742,0.1923521118298433,0.2988052199514361
224
+ 18,7,0.023979028667932847,0.12587964585188158,-0.0018205901547195017,0.06993313658437866,-0.044987252836749834,0.022887208336705742,0.19181554096670703,0.31660638199109614
225
+ 18,8,0.03102246029383641,0.17038255095103164,0.006722800890354645,0.09536336806960725,-0.03639323451836858,0.06993313658437866,0.1930426990388369,0.31660638199109614
226
+ 18,9,0.038931630297560554,0.17038255095103164,0.015639052499788253,0.10553546066369869,-0.02736179277670923,0.10553546066369869,0.19503799874393934,0.31660638199109614
227
+ 18,10,0.04438292336407429,0.1983558055847831,0.022833376239161804,0.11697906483205156,-0.01978921971179086,0.10553546066369869,0.19537520969322134,0.31660638199109614
228
+ 18,11,0.050840704360330106,0.20852789817887454,0.031400762896248983,0.11189301853500584,-0.009701043952090553,0.10044941436665299,0.19682451944428905,0.31660638199109614
229
+ 18,-1,0.050840704360330106,0.20852789817887454,0.031400762896248983,0.11189301853500584,-0.009701043952090553,0.10044941436665299,0.19682451944428905,0.31660638199109614
230
+ 19,1,0.05711696561635332,0.20852789817887454,0.039752767568302164,0.12333662270335873,0.0005565799251667488,0.10044941436665299,0.1983981066459682,0.3077058009712661
231
+ 19,2,0.06152424005541503,0.21107092132739738,0.04667719456243719,0.12333662270335873,0.009631223826845342,0.10044941436665299,0.19871216300224653,0.3293214977337104
232
+ 19,3,0.06487638525663815,0.21615696762444314,0.05177951223298677,0.13732325002023446,0.016354233969331607,0.10044941436665299,0.19911946844217454,0.3293214977337104
233
+ 19,4,0.07135134011794049,0.21615696762444314,0.059409751864193165,0.15766743520841733,0.02518387054890095,0.12460813427762014,0.20062219192765618,0.3293214977337104
234
+ 19,5,0.08093095028632664,0.21615696762444314,0.07017441590890183,0.15766743520841733,0.03734257558673265,0.12460813427762014,0.2040454871965463,0.3293214977337104
235
+ 19,6,0.08660713515344133,0.2352296412383646,0.07699328547031535,0.17928313197086163,0.045401042356777374,0.15766743520841733,0.20538972934780367,0.3293214977337104
236
+ 19,7,0.08963198581729724,0.2581168495750703,0.08102295002031623,0.23014359494131884,0.04995828589555934,0.15766743520841733,0.20554051462216505,0.3293214977337104
237
+ 19,8,0.09131953598867512,0.2581168495750703,0.08407670901346487,0.23014359494131884,0.053433978549773595,0.15766743520841733,0.20451200759551832,0.3293214977337104
238
+ 19,9,0.09097576910265161,0.2581168495750703,0.08517355377901407,0.2021703403075674,0.05494351646677205,0.15766743520841733,0.20236004883413322,0.3293214977337104
239
+ 19,10,0.09146798448716152,0.24285871068393314,0.08516076732959829,0.2021703403075674,0.054412329053437895,0.1436808078915416,0.20261277440812664,0.3356790556050176
240
+ 19,11,0.08431735108663332,0.2695604537434232,0.07824575385050561,0.18436917826790739,0.04706215620595333,0.12333662270335873,0.19844610200451435,0.35856626394172325
241
+ 19,-1,0.08431735108663332,0.2695604537434232,0.07824575385050561,0.18436917826790739,0.04706215620595333,0.12333662270335873,0.19844610200451435,0.35856626394172325
242
+ 20,1,0.07876489579619757,0.23650115281262601,0.07270628385332835,0.15130987733711018,0.04099009168165082,0.15130987733711018,0.1953539241479661,0.3445796366248476
243
+ 20,2,0.07202300855197771,0.22632906021853458,0.06593841163899887,0.15130987733711018,0.03364102021684852,0.15130987733711018,0.19199789626658123,0.3445796366248476
244
+ 20,3,0.06839961831443944,0.22632906021853458,0.062234635235999945,0.15130987733711018,0.029415108353325458,0.18309766669364594,0.19028232437594222,0.3445796366248476
245
+ 20,4,0.06786955469476812,0.22632906021853458,0.06184533484049534,0.17928313197086163,0.028742934565532865,0.18309766669364594,0.189857157158372,0.3445796366248476
246
+ 20,5,0.07044247241537561,0.21234243290165886,0.06440886644365408,0.17928313197086163,0.030861610280007515,0.18309766669364594,0.19105280786620601,0.3445796366248476
247
+ 20,6,0.07262965178336561,0.21234243290165886,0.06664692925916244,0.17928313197086163,0.0326507136522869,0.18309766669364594,0.19202817027307248,0.3445796366248476
248
+ 20,7,0.07546789310534414,0.21234243290165886,0.0693865305204828,0.17928313197086163,0.034960169971630296,0.1729255740995545,0.19329259655091893,0.3445796366248476
249
+ 20,8,0.07841589620693593,0.21234243290165886,0.07214582797909218,0.17928313197086163,0.037163073619760165,0.1729255740995545,0.19456485909592225,0.3445796366248476
250
+ 20,9,0.07875935171858765,0.21234243290165886,0.07254962553392257,0.17928313197086163,0.03707172925809488,0.16275348150546307,0.19412239960665795,0.3445796366248476
251
+ 20,10,0.08359874560525396,0.21234243290165886,0.07683843983330275,0.17928313197086163,0.040996987662183,0.1729255740995545,0.19656816348453376,0.3445796366248476
252
+ 20,11,0.0688970453088031,0.21234243290165886,0.06453841614540648,0.1729255740995545,0.029383426325301217,0.15130987733711018,0.18579583943621752,0.3445796366248476
253
+ 20,-1,0.0688970453088031,0.21234243290165886,0.06453841614540648,0.1729255740995545,0.029383426325301217,0.15130987733711018,0.18579583943621752,0.3445796366248476
254
+ 21,1,0.05720146783337278,0.15130987733711018,0.05481666030540193,0.14495231946580303,0.02045901045155713,0.12333662270335873,0.1767066316334524,0.3445796366248476
255
+ 21,2,0.04980736708562379,0.16275348150546307,0.04896142808990455,0.14495231946580303,0.015407353240396125,0.12333662270335873,0.17017695462631632,0.3445796366248476
256
+ 21,3,0.04555213568676865,0.16275348150546307,0.04618909839120481,0.14495231946580303,0.01342126647839252,0.12333662270335873,0.16545646671098407,0.36492382181303046
257
+ 21,4,0.04061540774571791,0.16529650465398593,0.04267554948846546,0.14495231946580303,0.010567847150243555,0.12333662270335873,0.1607617863377133,0.36492382181303046
258
+ 21,5,0.038484946533174615,0.16529650465398593,0.04148038260760678,0.14113778474301875,0.009711972870468316,0.12333662270335873,0.15865142422993084,0.3445796366248476
259
+ 21,6,0.03956599749443682,0.16529650465398593,0.04329925646070243,0.14113778474301875,0.011982582607533985,0.12333662270335873,0.15906133402185083,0.3445796366248476
260
+ 21,7,0.042778937644144005,0.18309766669364594,0.04700454983859913,0.12460813427762014,0.01579885369815526,0.13350871529745015,0.16130800297593306,0.3445796366248476
261
+ 21,8,0.05025515981279722,0.21615696762444314,0.054102712733806645,0.1347802268717116,0.022579453394387945,0.13859476159449588,0.16702819463596064,0.3445796366248476
262
+ 21,9,0.06013528199877655,0.24413022225819456,0.06344128536095146,0.15130987733711018,0.03172202975772861,0.16656801622824735,0.17387323757540746,0.3445796366248476
263
+ 21,10,0.06973928195067557,0.24413022225819456,0.07248770859366044,0.15130987733711018,0.04062016166345066,0.15512441205989447,0.18025287548189026,0.3445796366248476
264
+ 21,11,0.08853914789960629,0.2873616157830832,0.08876365629938589,0.1983558055847831,0.05675558632898214,0.1729255740995545,0.194146558573993,0.3445796366248476
265
+ 21,-1,0.08853914789960629,0.2873616157830832,0.08876365629938589,0.1983558055847831,0.05675558632898214,0.1729255740995545,0.194146558573993,0.3445796366248476
266
+ 22,1,0.10223672785444368,0.28481859263456033,0.10008740497535573,0.1983558055847831,0.06813703830930008,0.2199715023472274,0.20440522730291624,0.35856626394172325
267
+ 22,2,0.11207835582419898,0.25430231485228605,0.10778210525982798,0.22632906021853458,0.0758311465945743,0.2199715023472274,0.21173025983046873,0.35856626394172325
268
+ 22,3,0.12016017451915852,0.2568453380008089,0.1140080238800484,0.22632906021853458,0.0821818176608156,0.2199715023472274,0.21767788873505373,0.35856626394172325
269
+ 22,4,0.12316773029365846,0.28990463893160606,0.11321195036517319,0.2593883611493318,0.08069608369060183,0.20598487503035168,0.22240626708101358,0.33695056717927896
270
+ 22,5,0.12397995467718365,0.28990463893160606,0.11107142723764526,0.24540173383245603,0.07814796070130499,0.20598487503035168,0.22549053106344807,0.35856626394172325
271
+ 22,6,0.12416182662747582,0.28990463893160606,0.10821797791632609,0.24540173383245603,0.0746009085739369,0.18818371299069164,0.2281986669798514,0.3916255648725205
272
+ 22,7,0.123531610202036,0.32042091671388034,0.10442761104648603,0.24540173383245603,0.06997278952863586,0.18818371299069164,0.23030175353436078,0.4132412616349648
273
+ 22,8,0.1217239430751314,0.32042091671388034,0.09945769920429867,0.21742847919870456,0.06401280579572181,0.18818371299069164,0.2319483031843271,0.4132412616349648
274
+ 22,9,0.11915954176667574,0.31787789356535756,0.09421883386324657,0.21742847919870456,0.05800259434247677,0.16656801622824735,0.2329151009214651,0.4132412616349648
275
+ 22,10,0.11665731623335195,0.31787789356535756,0.08896861636036008,0.21742847919870456,0.05197534490087808,0.16656801622824735,0.23409778181342164,0.4132412616349648
276
+ 22,11,0.11339433103031678,0.3077058009712661,0.08286810625263115,0.22887208336705742,0.0447471337183528,0.20598487503035168,0.2351169100209646,0.4132412616349648
277
+ 22,-1,0.11339433103031678,0.3077058009712661,0.08286810625263115,0.22887208336705742,0.0447471337183528,0.20598487503035168,0.2351169100209646,0.4132412616349648
278
+ 23,1,0.10810528782655968,0.31024882411978894,0.07569641853025451,0.21234243290165886,0.03652972767520114,0.20598487503035168,0.23472939588356262,0.3916255648725205
279
+ 23,2,0.10311155712534545,0.31024882411978894,0.06965879005094451,0.20725638660461312,0.02967766805059017,0.21107092132739738,0.2339726794646775,0.3916255648725205
280
+ 23,3,0.10136948463946541,0.29244766208012896,0.06849396710081097,0.20725638660461312,0.028331524756798725,0.1780116203966002,0.2332406385259351,0.37763893755564476
281
+ 23,4,0.10204261292896745,0.29244766208012896,0.06997241869305001,0.20725638660461312,0.02961470922180365,0.1780116203966002,0.23310231531648223,0.37763893755564476
282
+ 23,5,0.10618040487566822,0.29244766208012896,0.07565334676284022,0.21234243290165886,0.03538926787224882,0.1729255740995545,0.23337695624883856,0.37763893755564476
283
+ 23,6,0.10894172173796389,0.29244766208012896,0.08015072843654039,0.21234243290165886,0.0400418258973802,0.1729255740995545,0.2329473327326093,0.37763893755564476
284
+ 23,7,0.10885475921612904,0.29244766208012896,0.08190066143288913,0.21234243290165886,0.04220780610181753,0.18309766669364594,0.23148883997177974,0.3560232407932004
285
+ 23,8,0.10858015980224432,0.29244766208012896,0.08362158793348286,0.21234243290165886,0.04459244128395321,0.18309766669364594,0.22980233625690608,0.3560232407932004
286
+ 23,9,0.10756597297871663,0.2593883611493318,0.08476230414190826,0.19581278243626024,0.04639950753684126,0.16656801622824735,0.22765508291028494,0.37763893755564476
287
+ 23,10,0.1075114460647725,0.2593883611493318,0.0866213567143593,0.19581278243626024,0.04890650731279872,0.16656801622824735,0.2259203973682898,0.37763893755564476
288
+ 23,11,0.10676887327974818,0.2593883611493318,0.08780826580819306,0.19581278243626024,0.05087293655613543,0.16656801622824735,0.22389372140780922,0.3445796366248476
289
+ 23,-1,0.10676887327974818,0.2593883611493318,0.08780826580819306,0.19581278243626024,0.05087293655613543,0.16656801622824735,0.22389372140780922,0.3445796366248476
290
+ 24,1,0.10625905048906237,0.2593883611493318,0.08897264387234648,0.22887208336705742,0.0526965198455105,0.16656801622824735,0.2221850000631398,0.3445796366248476
291
+ 24,2,0.10710090045843632,0.2593883611493318,0.09130165513218076,0.22887208336705742,0.055588237881283864,0.16656801622824735,0.2212345034388005,0.3445796366248476
292
+ 24,3,0.10718265460016331,0.2593883611493318,0.09281273562841466,0.22887208336705742,0.057617541312509485,0.16275348150546307,0.21988202214467908,0.3445796366248476
293
+ 24,4,0.10783366111603203,0.22632906021853458,0.094948085723653,0.22887208336705742,0.06024517302528978,0.16275348150546307,0.2186119265958559,0.3445796366248476
294
+ 24,5,0.11089636257802826,0.22632906021853458,0.09921287945424069,0.18436917826790739,0.06513170138266956,0.16275348150546307,0.21839934002570105,0.3445796366248476
295
+ 24,6,0.11042244577484742,0.22632906021853458,0.10007860017621356,0.18436917826790739,0.06640645398701328,0.16275348150546307,0.2164716143291061,0.3445796366248476
296
+ 24,7,0.10903950087656172,0.22632906021853458,0.09995899961120684,0.18436917826790739,0.06671438575205686,0.16275348150546307,0.21415096374057394,0.3445796366248476
297
+ 24,8,0.1074139210644371,0.22632906021853458,0.09930153977187023,0.18436917826790739,0.06631643845617631,0.16275348150546307,0.2119830766392597,0.3445796366248476
298
+ 24,9,0.10608500991940249,0.22632906021853458,0.09879666531821851,0.18436917826790739,0.0659539378508644,0.16275348150546307,0.21011780791080548,0.3445796366248476
299
+ 24,10,0.10469544426841224,0.22632906021853458,0.09825367351169201,0.18436917826790739,0.0656316343186408,0.16275348150546307,0.20825722438815963,0.3445796366248476
300
+ 24,11,0.10463619915678687,0.22632906021853458,0.0988652296550781,0.18436917826790739,0.06641482705939997,0.16275348150546307,0.20731787184348927,0.3445796366248476
301
+ 24,-1,0.10463619915678687,0.22632906021853458,0.0988652296550781,0.18436917826790739,0.06641482705939997,0.16275348150546307,0.20731787184348927,0.3445796366248476
302
+ 25,1,0.10419895740941339,0.22632906021853458,0.09892954489207423,0.18436917826790739,0.06652529899343962,0.16275348150546307,0.20638484845770758,0.3445796366248476
303
+ 25,2,0.10301137889813056,0.22632906021853458,0.09822413955684592,0.19581278243626024,0.06588461846853225,0.16275348150546307,0.20510951595199076,0.3445796366248476
304
+ 25,3,0.09964139083234586,0.22632906021853458,0.09530570895290227,0.19581278243626024,0.06287824852840095,0.16275348150546307,0.20268106413302672,0.3445796366248476
305
+ 25,4,0.096430954775994,0.22632906021853458,0.09254806426500654,0.19581278243626024,0.060126385663953404,0.16275348150546307,0.20025340036844458,0.3445796366248476
306
+ 25,5,0.09310874174683179,0.22632906021853458,0.0896157777545279,0.16275348150546307,0.05719839785607529,0.16275348150546307,0.19780910187171505,0.3445796366248476
307
+ 25,6,0.08935099580592067,0.1983558055847831,0.08615956791062937,0.16275348150546307,0.05378070414092647,0.16656801622824735,0.19517771455701202,0.3445796366248476
308
+ 25,7,0.08786504028326404,0.1983558055847831,0.0846230111072992,0.16275348150546307,0.05220919239207035,0.16656801622824735,0.19420852833600696,0.3445796366248476
309
+ 25,8,0.08655237215956833,0.1983558055847831,0.08329183089535737,0.16275348150546307,0.05085820263563156,0.16656801622824735,0.19323201282926541,0.3445796366248476
310
+ 25,9,0.0847500850170261,0.1983558055847831,0.08148892997042008,0.16275348150546307,0.0490977814057281,0.16656801622824735,0.19209017142106524,0.3445796366248476
311
+ 25,10,0.08288926446772191,0.1983558055847831,0.07974916888862658,0.16275348150546307,0.04743498074012138,0.16656801622824735,0.19074206803367572,0.3445796366248476
312
+ 25,11,0.08162348872280804,0.1983558055847831,0.07854986546167249,0.16275348150546307,0.04649868497626561,0.16656801622824735,0.18995666028640507,0.3445796366248476
313
+ 25,-1,0.08162348872280804,0.1983558055847831,0.07854986546167249,0.16275348150546307,0.04649868497626561,0.16656801622824735,0.18995666028640507,0.3445796366248476
314
+ 26,1,0.07923568359402218,0.1983558055847831,0.0763204209086824,0.16275348150546307,0.044461763534887316,0.16656801622824735,0.1885011333425297,0.3445796366248476
315
+ 26,2,0.07719419955087141,0.1983558055847831,0.07448131598847192,0.16275348150546307,0.042844852543721335,0.16656801622824735,0.18718812264845416,0.3445796366248476
316
+ 26,3,0.07496110426980618,0.1983558055847831,0.07253036622494435,0.16275348150546307,0.04109783041048345,0.16656801622824735,0.18567836902411022,0.3445796366248476
317
+ 26,4,0.07376578954186633,0.1983558055847831,0.07145232162810342,0.16275348150546307,0.04015127345905838,0.16656801622824735,0.18493181494563257,0.3445796366248476
318
+ 26,5,0.07265080079365,0.1983558055847831,0.07031210098398624,0.16275348150546307,0.03905759609161018,0.16656801622824735,0.1842472345316991,0.3445796366248476
319
+ 26,6,0.07178004794493724,0.1983558055847831,0.06940686272734682,0.16275348150546307,0.03808676580335787,0.16656801622824735,0.183628092337757,0.3445796366248476
320
+ 26,7,0.07207812886004684,0.1983558055847831,0.06968374864174949,0.16275348150546307,0.03836625505806384,0.16656801622824735,0.1836784307511161,0.3445796366248476
321
+ 26,8,0.07287962580630351,0.1983558055847831,0.07046014955179075,0.16275348150546307,0.0391521655967314,0.16656801622824735,0.1840149460863411,0.3445796366248476
322
+ 26,9,0.07393744455123528,0.1983558055847831,0.07144292231501226,0.16275348150546307,0.04012503258201304,0.16656801622824735,0.18452740357845718,0.3445796366248476
323
+ 26,10,0.07394457767787523,0.1983558055847831,0.07160972708743227,0.16275348150546307,0.040391138818277376,0.16656801622824735,0.1843060873988627,0.3445796366248476
324
+ 26,11,0.07383106088699329,0.1983558055847831,0.0714314204294656,0.16275348150546307,0.04025658308739445,0.16656801622824735,0.18399895133998634,0.3445796366248476
325
+ 26,-1,0.07383106088699329,0.1983558055847831,0.0714314204294656,0.16275348150546307,0.04025658308739445,0.16656801622824735,0.18399895133998634,0.3445796366248476
326
+ 27,1,0.07437556521345395,0.1983558055847831,0.07193728803880335,0.16275348150546307,0.040894192104651714,0.16656801622824735,0.18393665454098596,0.3445796366248476
327
+ 27,2,0.07511567984621416,0.1983558055847831,0.07263106361735411,0.16275348150546307,0.04172652209548409,0.16656801622824735,0.184013851164361,0.3445796366248476
328
+ 27,3,0.07423438499765224,0.1983558055847831,0.0719196256396877,0.16275348150546307,0.04114339086484908,0.16656801622824735,0.18294379506148514,0.3445796366248476
329
+ 27,4,0.07402796449139776,0.1983558055847831,0.07184673008398457,0.16275348150546307,0.0411783542974684,0.16656801622824735,0.1823011862481593,0.3445796366248476
330
+ 27,5,0.07346338120950027,0.1983558055847831,0.07144338928764123,0.16275348150546307,0.040847744182769284,0.16656801622824735,0.1815489562433777,0.3445796366248476
331
+ 27,6,0.0730810674671417,0.1983558055847831,0.07125478592788347,0.16275348150546307,0.04072990054696482,0.16656801622824735,0.18076201010670748,0.3445796366248476
332
+ 27,7,0.07325138270636572,0.1983558055847831,0.07151374464238741,0.16275348150546307,0.04101188328904437,0.16656801622824735,0.18052502997272815,0.3445796366248476
333
+ 27,8,0.07358174417074088,0.1983558055847831,0.07186755085852747,0.15130987733711018,0.04139599413212681,0.16656801622824735,0.18050264692452367,0.3445796366248476
334
+ 27,9,0.07335820010720469,0.1983558055847831,0.07174498082951729,0.15130987733711018,0.041304868307667886,0.16656801622824735,0.1801980093134528,0.3445796366248476
335
+ 27,10,0.07313323390978857,0.1983558055847831,0.07158048108055066,0.15130987733711018,0.04116968559183478,0.16656801622824735,0.17990883473315245,0.3445796366248476
336
+ 27,11,0.072597553091103,0.1983558055847831,0.07123014226737363,0.15130987733711018,0.040831256923343814,0.16656801622824735,0.17930903272361726,0.3445796366248476
337
+ 27,-1,0.072597553091103,0.1983558055847831,0.07123014226737363,0.15130987733711018,0.040831256923343814,0.16656801622824735,0.17930903272361726,0.3445796366248476
338
+ 28,1,0.07208369207996426,0.1983558055847831,0.07088628097701581,0.15130987733711018,0.04052666322305842,0.16656801622824735,0.17875406970936708,0.3445796366248476
339
+ 28,2,0.07162603399752204,0.1983558055847831,0.07059627363200409,0.15130987733711018,0.04027217258174515,0.16656801622824735,0.1782737713701245,0.3445796366248476
340
+ 28,3,0.07109813886336862,0.1983558055847831,0.07028718436701316,0.15130987733711018,0.040008865701885506,0.16656801622824735,0.17775023270929824,0.3445796366248476
341
+ 28,4,0.07076315562094435,0.1983558055847831,0.07000087843196326,0.15130987733711018,0.039701727790292546,0.16656801622824735,0.17755331986903974,0.3445796366248476
342
+ 28,5,0.07038304410317103,0.1983558055847831,0.06972201640847991,0.15130987733711018,0.03946699217341186,0.16656801622824735,0.1773393647201325,0.3445796366248476
343
+ 28,6,0.06978856488444114,0.1983558055847831,0.0692682567221659,0.15130987733711018,0.03904638106136836,0.16656801622824735,0.17693484195145298,0.3445796366248476
344
+ 28,7,0.06875814132066276,0.1983558055847831,0.06837631361926912,0.15130987733711018,0.038137180753424586,0.16656801622824735,0.1763761177495742,0.3445796366248476
345
+ 28,8,0.0678924011794363,0.1983558055847831,0.06760124494763249,0.15130987733711018,0.037357407518338756,0.16656801622824735,0.17595026032524153,0.3445796366248476
346
+ 28,9,0.06679187626553956,0.1983558055847831,0.066603086458287,0.15130987733711018,0.03636490652015695,0.16656801622824735,0.1753753159582814,0.3445796366248476
347
+ 28,10,0.06576478903787389,0.1983558055847831,0.06567094787567838,0.15130987733711018,0.03542093985208558,0.16656801622824735,0.17481766048559286,0.3445796366248476
348
+ 28,11,0.06460267791320612,0.1983558055847831,0.06459022371530579,0.15130987733711018,0.034248383754588135,0.16656801622824735,0.1740855613115094,0.3445796366248476
349
+ 28,-1,0.06460267791320612,0.1983558055847831,0.06459022371530579,0.15130987733711018,0.034248383754588135,0.16656801622824735,0.1740855613115094,0.3445796366248476
350
+ 29,1,0.06359208728247835,0.1983558055847831,0.06363028072772951,0.15130987733711018,0.03321153654169435,0.16656801622824735,0.1734784703472485,0.3445796366248476
351
+ 29,2,0.06276673050912374,0.1983558055847831,0.06286050307380206,0.15130987733711018,0.032404159315272,0.16656801622824735,0.17298496464521773,0.3445796366248476
352
+ 29,3,0.06233924979642066,0.1983558055847831,0.0624796952327862,0.15130987733711018,0.03199260696557766,0.16656801622824735,0.17275828864644305,0.3445796366248476
353
+ 29,4,0.06202617248670075,0.1983558055847831,0.062190470004774526,0.15130987733711018,0.03167913525186963,0.16656801622824735,0.17260677546344713,0.3445796366248476
354
+ 29,5,0.061801265170524144,0.1983558055847831,0.06200328400806405,0.15130987733711018,0.03148033466693897,0.16656801622824735,0.1724587513284551,0.3445796366248476
355
+ 29,6,0.06169806019379874,0.1983558055847831,0.06191394174541124,0.15130987733711018,0.03137118249024598,0.16656801622824735,0.17235734710854259,0.3445796366248476
356
+ 29,7,0.0616688709294287,0.1983558055847831,0.06188637585941092,0.15130987733711018,0.0313186630414033,0.16656801622824735,0.17231243396556475,0.3445796366248476
357
+ 29,8,0.06167486831728538,0.1983558055847831,0.06189779236141729,0.15130987733711018,0.03131426618416623,0.16656801622824735,0.1722957370927328,0.3445796366248476
358
+ 29,9,0.06167669333071725,0.1983558055847831,0.0619021149267054,0.15130987733711018,0.03130474680219917,0.16656801622824735,0.17228926879922082,0.3445796366248476
359
+ 29,10,0.06171423710723184,0.1983558055847831,0.06194379084035256,0.15130987733711018,0.031338295924780116,0.16656801622824735,0.17230603911401668,0.3445796366248476
360
+ 29,11,0.061730353165922444,0.1983558055847831,0.06196126037081025,0.15130987733711018,0.03135203234530203,0.16656801622824735,0.1723137608965254,0.3445796366248476
361
+ 29,-1,0.061730353165922444,0.1983558055847831,0.06196126037081025,0.15130987733711018,0.03135203234530203,0.16656801622824735,0.1723137608965254,0.3445796366248476
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:23070c0d31e7151a290bb392348c4e0425a5dc27c9dc04a7601d7be0a241fead
3
+ size 1112255985
sentence_bert_config.json ADDED
@@ -0,0 +1,4 @@
 
 
 
 
 
1
+ {
2
+ "max_seq_length": 128,
3
+ "do_lower_case": false
4
+ }
sentencepiece.bpe.model ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:cfc8146abe2a0488e9e2a0c56de7952f7c11ab059eca145a0a727afce0db2865
3
+ size 5069051
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.7779279796921156,0.5204847392398767,0.7808189223188232,0.5439990986541606,0.7747068454984135,0.537823938614473,0.7322079970141301,0.47353727251709415
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
+ {"bos_token": "<s>", "eos_token": "</s>", "sep_token": "</s>", "cls_token": "<s>", "unk_token": "<unk>", "pad_token": "<pad>", "mask_token": {"content": "<mask>", "single_word": false, "lstrip": true, "rstrip": false, "normalized": true, "__type": "AddedToken"}, "model_max_length": 512, "special_tokens_map_file": null, "name_or_path": "/root/.cache/torch/sentence_transformers/sentence-transformers_paraphrase-multilingual-mpnet-base-v2/", "tokenizer_class": "XLMRobertaTokenizer"}