3v324v23 commited on
Commit
0b63fff
1 Parent(s): 38838ff

adding modes

Browse files
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 23874 with parameters:
88
+ ```
89
+ {'batch_size': 32, '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": 10,
100
+ "evaluation_steps": 1000,
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": 10000,
110
+ "weight_decay": 0.01
111
+ }
112
+ ```
113
+
114
+
115
+ ## Full Model Architecture
116
+ ```
117
+ SentenceTransformer(
118
+ (0): Transformer({'max_seq_length': 514, 'do_lower_case': False}) with Transformer model: MPNetModel
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,24 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_name_or_path": "/root/.cache/torch/sentence_transformers/microsoft_mpnet-base",
3
+ "architectures": [
4
+ "MPNetModel"
5
+ ],
6
+ "attention_probs_dropout_prob": 0.1,
7
+ "bos_token_id": 0,
8
+ "eos_token_id": 2,
9
+ "hidden_act": "gelu",
10
+ "hidden_dropout_prob": 0.1,
11
+ "hidden_size": 768,
12
+ "initializer_range": 0.02,
13
+ "intermediate_size": 3072,
14
+ "layer_norm_eps": 1e-05,
15
+ "max_position_embeddings": 514,
16
+ "model_type": "mpnet",
17
+ "num_attention_heads": 12,
18
+ "num_hidden_layers": 12,
19
+ "pad_token_id": 1,
20
+ "relative_attention_num_buckets": 32,
21
+ "torch_dtype": "float32",
22
+ "transformers_version": "4.21.1",
23
+ "vocab_size": 30527
24
+ }
config_sentence_transformers.json ADDED
@@ -0,0 +1,7 @@
 
 
 
 
 
 
 
 
1
+ {
2
+ "__version__": {
3
+ "sentence_transformers": "2.1.0",
4
+ "transformers": "4.21.1",
5
+ "pytorch": "1.7.0+cu110"
6
+ }
7
+ }
eval/similarity_evaluation_results.csv ADDED
@@ -0,0 +1,241 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ epoch,steps,cosine_pearson,cosine_spearman,euclidean_pearson,euclidean_spearman,manhattan_pearson,manhattan_spearman,dot_pearson,dot_spearman
2
+ 0,1000,0.1311253804834854,0.1546424041153163,0.1151627245706486,0.14552492742757728,0.12210418160065757,0.15313780273227745,0.12901048842119184,0.14825344117138045
3
+ 0,2000,0.19275603549162695,0.22026465779730398,0.1681265202770155,0.20782303718759665,0.1802657796789399,0.21980737161517,0.1919709513964711,0.21302887539749804
4
+ 0,3000,0.24066159169001622,0.26465236508845674,0.21472670752153208,0.25340819165163136,0.22531785475911095,0.2610337037012753,0.24076098157897266,0.26041855131105823
5
+ 0,4000,0.2470024555963531,0.2693382891760169,0.23284974812592713,0.2649730166660467,0.2356402365394306,0.2687129115973483,0.24290720560203738,0.2618852279313488
6
+ 0,5000,0.2682621487766095,0.28947136779644617,0.255861225362355,0.28767918701896245,0.25625182768139965,0.2878074289042724,0.2619698342985731,0.2794083422939408
7
+ 0,6000,0.279174588145282,0.29828254641049595,0.26304173739409953,0.29201106348806083,0.2663777614756121,0.2969134855890488,0.27587064470045736,0.2904700991746613
8
+ 0,7000,0.28289909213319014,0.3012220131526364,0.2694921096041545,0.2991316911926505,0.2684625287383037,0.29988114137084176,0.2754777682317929,0.2891977673218477
9
+ 0,8000,0.2892538516785936,0.3072515069211793,0.2753775210500593,0.3046807356370755,0.2762688921134902,0.3075351026518463,0.28474876382998277,0.3011730033343761
10
+ 0,9000,0.29500368936457855,0.32069221525493435,0.2837697365173379,0.31812373371251756,0.2834982684388071,0.3175433854500283,0.29400436930488555,0.3172580344878554
11
+ 0,10000,0.2804259869005099,0.2949818378375827,0.2640925593200619,0.28569921355222966,0.26506122433603224,0.2869967901402814,0.2763047762773922,0.2911691817792907
12
+ 0,11000,0.28827438511837483,0.2975197855420232,0.2822471894461728,0.30115340932069035,0.2781936450270817,0.29671748077589377,0.27515811824204545,0.28434268381704086
13
+ 0,12000,0.3060096613882093,0.32023336268612795,0.2926959698922897,0.3163366375752004,0.2906651734604479,0.31485242123196533,0.30378211724412163,0.31296568824606336
14
+ 0,13000,0.317746503138989,0.3319146042150575,0.30931551931382206,0.33164965646286776,0.30766762569105344,0.3304864267324704,0.3134791793017075,0.3250493209968686
15
+ 0,14000,0.3224273922296623,0.3317521380023454,0.31052531869054295,0.33046137221050037,0.3109561000365027,0.33225772608711746,0.3185677935983999,0.32348901016381015
16
+ 0,15000,0.3396121132447993,0.3529083083908296,0.324967640934992,0.3475336513140998,0.32562566906982754,0.3493616292388255,0.3364376321648447,0.34898454444037047
17
+ 0,16000,0.3379950362479746,0.35694245487358045,0.32922121334014925,0.3571073276692121,0.3285065741088671,0.3564161069811333,0.3332093450893086,0.3479101099955369
18
+ 0,17000,0.3054592941983008,0.32459545512722626,0.2990006799553609,0.3273931696962711,0.3014542548978534,0.3305636712492991,0.3005878411171722,0.31726872079535257
19
+ 0,18000,0.33932049299186984,0.35173886636204404,0.3257924238633357,0.34761640128578486,0.3243883461875748,0.3458080100318276,0.3363348243967879,0.3472194932790039
20
+ 0,19000,0.003855425095473889,-0.014287360729744807,-0.0009511258092831701,-0.014290282032540194,-0.0007291056872460126,-0.014218398479919165,0.0037160654967363584,-0.014405334324319279
21
+ 0,20000,0.018806240335380787,0.01877038060276217,0.006880790060797941,0.018535689013514392,0.007209720257181752,0.018469581650969374,0.022603179785262544,0.021655803289524895
22
+ 0,21000,0.3313090014373359,0.3498804114986177,0.32362331395228383,0.34771477415396485,0.3222570377916735,0.34673508450288515,0.3306227794233292,0.3464378399564376
23
+ 0,22000,0.3232790171066694,0.3391857883455343,0.31133868613432464,0.33748583998888465,0.31343631156351753,0.33985369237445884,0.31980166430195334,0.3346452330574895
24
+ 0,23000,0.34414856831879553,0.3572515164612095,0.3377878044540143,0.35842487037630955,0.3380274802883099,0.3589817855481285,0.33879842666268384,0.3485927235501655
25
+ 0,-1,0.3521873615097916,0.3663561645320314,0.3440086174111407,0.36658802298538706,0.3455260348190121,0.36838363225095505,0.34901829274230894,0.36077939825346544
26
+ 1,1000,0.3503089869257302,0.3634101782092266,0.34398093736593727,0.36382866872814457,0.34330678905248324,0.362966183148736,0.3464151382707074,0.35620996646723974
27
+ 1,2000,0.35475478232749147,0.37197026762868474,0.34232432922816236,0.3701522554883642,0.34261059040068426,0.3706396249679603,0.35158755652656953,0.3679047214863715
28
+ 1,3000,0.347979075536758,0.366374123292837,0.3385976405607591,0.3642118629490518,0.3400149043710041,0.3667045999482324,0.34539301046757986,0.36159112749618644
29
+ 1,4000,0.36282453489102706,0.37553452669482684,0.3512147213498064,0.37193860288415653,0.35241337512809867,0.3743423861598133,0.362373229097793,0.37339583590958353
30
+ 1,5000,0.3682557251423675,0.38350240664275403,0.3558709025394182,0.3793764327836371,0.35431957970970734,0.377413491014327,0.3674139528507256,0.3809258220049556
31
+ 1,6000,0.37152354942685917,0.3880230512186784,0.3614925193450769,0.38537998962195325,0.3588361897893443,0.3828084373911618,0.3694744489833004,0.3837394756418814
32
+ 1,7000,0.37310029629977015,0.38203432816498795,0.365082333708897,0.3802644413857156,0.3644556506315569,0.38013023086365044,0.3708855261963756,0.3777445970989491
33
+ 1,8000,0.37608037656154575,0.3869504656662974,0.36593407243562426,0.38404625307350815,0.364336009532108,0.3834176047124549,0.3748954336469282,0.38435798699833246
34
+ 1,9000,0.37985512769513574,0.40081248634464006,0.368822573865536,0.397108962369236,0.3692005775128952,0.39761008921724983,0.3780499249110399,0.39760155293802985
35
+ 1,10000,0.3746899609507251,0.3896899400624765,0.3615676947804259,0.38554689090275845,0.3609366403808822,0.38515436317792556,0.37186126141955217,0.3853345190340856
36
+ 1,11000,0.3712529676375437,0.38991906646503416,0.358050287697588,0.3856657088803671,0.3580487219526783,0.38592550638247813,0.3696783532780296,0.38614487687538585
37
+ 1,12000,0.38119323481877304,0.40245221117726715,0.36975347149704,0.3982475038472233,0.3691964929782373,0.39833925813926374,0.37907471953042193,0.39909530850353764
38
+ 1,13000,0.38116871467169616,0.3962552065753215,0.3708947070905489,0.39280084185833725,0.36868172035475033,0.39205316848213945,0.3783245630484551,0.39098251155663727
39
+ 1,14000,0.3859281604500494,0.39779845205099595,0.3746896941862691,0.3932193403806412,0.37478106157170593,0.3948582566036309,0.3853722632549241,0.39582662130194085
40
+ 1,15000,0.38735665801111774,0.4030402603679154,0.377653940934703,0.4002904294316143,0.377739787939309,0.4020767345085155,0.384685453974817,0.3991698688034393
41
+ 1,16000,0.3853964032764864,0.4013945970820548,0.37959049615270773,0.4019660500590416,0.37875560403891834,0.4013681046498302,0.3812411956983949,0.3945457667835563
42
+ 1,17000,0.38491804616958053,0.4020210107534028,0.37590582796815875,0.4005059555759852,0.37658659340994455,0.401830082970166,0.38194387053673023,0.39746757116897274
43
+ 1,18000,0.39006226093912044,0.40809964386314035,0.3805415239007289,0.4061181734204271,0.3803742659392768,0.40662081556421265,0.38807071007106053,0.4043654227577942
44
+ 1,19000,0.39377552276162336,0.41051783851118817,0.3825216316124045,0.40750879665784734,0.38161512379015927,0.4066250391693684,0.3933825134129321,0.40866852207787985
45
+ 1,20000,0.3897905634366441,0.40377170284241526,0.38538035412186117,0.4065167115680709,0.38361480740408355,0.405729575627329,0.3834294093659945,0.39469788619672475
46
+ 1,21000,0.3926900211469683,0.4072471483484214,0.3828705755209257,0.4044245500440663,0.38186159241142426,0.4042513576415267,0.3900413953079025,0.40314795137791753
47
+ 1,22000,0.3873491282310593,0.40389838627756913,0.3782720688201261,0.40406240680203265,0.3774088863270537,0.4034707627506147,0.38234570587861716,0.3980840010568173
48
+ 1,23000,0.39560772653800413,0.41167718394753205,0.38989878533521966,0.4135798182194657,0.3895409499214265,0.41348746940818853,0.38902153904436076,0.4021306086623508
49
+ 1,-1,0.4051612214927206,0.41928153381122624,0.39672267810391243,0.41907423431612045,0.3966469235076573,0.4192780560363261,0.3988258756991033,0.41099962559973624
50
+ 2,1000,0.40520255381823067,0.4252391840066394,0.393633490385547,0.4214113509521066,0.3932544035847606,0.4213110971965098,0.403097989942294,0.4215326743578765
51
+ 2,2000,0.4034536449565205,0.42108629267541736,0.3948337616671559,0.4194013968107445,0.394089828210351,0.4191974728271135,0.39933246121547844,0.41549052137944353
52
+ 2,3000,0.40982060254721636,0.422378147348976,0.39784770343545717,0.4185596995196381,0.39612450707859226,0.4173465433592539,0.4071925918956734,0.41872398325605387
53
+ 2,4000,0.39829040853665865,0.4095970887826933,0.38811684530329016,0.40794690120003363,0.3890874849521008,0.4093066873874073,0.39454577149560754,0.4040379721093724
54
+ 2,5000,0.40160834829089015,0.4168034467253104,0.39258023697690003,0.4155763976749941,0.3927104694470687,0.416315253308459,0.3970664317422997,0.4107886837765613
55
+ 2,6000,0.4064514119224855,0.4209172355579044,0.39946542061904006,0.42079009942922274,0.39875349263545773,0.4199289063519487,0.4007168285631941,0.4118976727799896
56
+ 2,7000,0.4069548654879391,0.42056702758144404,0.39685617058195344,0.41841505616928965,0.39555077445595566,0.4170995749141028,0.40465284211219643,0.416298711566123
57
+ 2,8000,0.40474679054820084,0.4164184907455989,0.3922922362934031,0.4141568633362989,0.39224259389597294,0.41486859631710854,0.40204551372130154,0.4115171098106035
58
+ 2,9000,0.4115189786409969,0.4278856218338996,0.4019287153120009,0.42652916774439736,0.40095901546456214,0.426241541622564,0.4080691469090091,0.4221782318173272
59
+ 2,10000,0.4087056045667458,0.42284139959355754,0.4007206323392968,0.42291923747994425,0.3996464696788055,0.4227469431756313,0.4045440746632062,0.41631745981101387
60
+ 2,11000,0.4104461377648386,0.4268115065225578,0.40193687222969243,0.4258189232442203,0.400299736169426,0.4244288180608167,0.40736637917184626,0.42154024736930085
61
+ 2,12000,0.41716489009864144,0.43351316095208664,0.4038957039316785,0.4300882254009282,0.4025030984294553,0.42920098847184285,0.41457014144097715,0.4291103100619892
62
+ 2,13000,0.41240408431164305,0.4303557884630408,0.40059810088220155,0.4261278098996977,0.40072493645273294,0.4268137244721956,0.4099063757053373,0.4264911558737808
63
+ 2,14000,0.41855076083087744,0.43735852386800017,0.40567194343949076,0.4326139774553431,0.4038828785490128,0.43156498313040337,0.41807417864636237,0.43516000419762246
64
+ 2,15000,0.4179195264773579,0.43379595987699776,0.40484544114408794,0.4291132491614254,0.4028563315676873,0.4281474425211857,0.41678805874141606,0.43042090129439226
65
+ 2,16000,0.41577532105627985,0.4316190098850497,0.405347106920752,0.42935955606255066,0.4036592883715241,0.4281425857248207,0.41294725676409577,0.42705117064415454
66
+ 2,17000,0.4182445080978351,0.42863553738276117,0.4076951046464061,0.4264873711266174,0.40745019807017474,0.4271106851702802,0.4129556089161602,0.4221467193756128
67
+ 2,18000,0.41830818465697733,0.43097457885094503,0.40711836647084176,0.4273514104493422,0.4064836866822618,0.4269410275524218,0.41582606650838344,0.42668620958275283
68
+ 2,19000,0.41890211855560866,0.43400560280706246,0.40723184370455834,0.42887129038896177,0.40600786677412704,0.4277104098631866,0.41527833631223643,0.429067756961581
69
+ 2,20000,0.42302259004598686,0.4323006397056605,0.4148905895226789,0.4304933555174174,0.41432046587948124,0.430816352309924,0.41793407237064334,0.42522960663342674
70
+ 2,21000,0.42225206549620686,0.431996599894348,0.4110740954493506,0.42951224152465206,0.4106368882931566,0.4301097113630381,0.4185654902672402,0.42714839814393163
71
+ 2,22000,0.4260166774714802,0.4403824467342528,0.4151805737848958,0.43697880688737445,0.41428271704839215,0.43709252054166736,0.4236153198973703,0.4363212454628198
72
+ 2,23000,0.42179406169316086,0.4338488487088997,0.4121960601563038,0.4309474178546615,0.4114712015535746,0.43155018043539317,0.4181254684453283,0.42885892338502796
73
+ 2,-1,0.4150642966588468,0.43080705830930666,0.40801356831507923,0.42956461681508074,0.4084631732276865,0.431424007752999,0.4084462624829613,0.42204523656385
74
+ 3,1000,0.4185606004558874,0.43028485774245284,0.4100248322246312,0.4291801324140929,0.4096949738000182,0.43009812923152335,0.41211835878717484,0.4228013705519609
75
+ 3,2000,0.4173673835216073,0.4331781627692823,0.4091951027222586,0.4304930256474665,0.4086637751419751,0.4314587443332063,0.4109744897911341,0.4253292502838331
76
+ 3,3000,0.4179503745838447,0.4302594956412343,0.40955102839875457,0.42821469890705044,0.408515382872772,0.4281759495584632,0.41276047137142924,0.4234150613699749
77
+ 3,4000,0.4217861644789045,0.43536651649656144,0.41206803303018263,0.43248372810038743,0.4119032499381596,0.43298961782623696,0.4167176187902324,0.4293401285921483
78
+ 3,5000,0.4177269536150053,0.43334807664696745,0.40409705072739044,0.4283295451832815,0.4034689867930426,0.428277175670742,0.41601016597158574,0.4307024248720226
79
+ 3,6000,0.42019454708589177,0.4335517689006342,0.40846515524897964,0.42947827464087224,0.4079020368313877,0.4293989676303425,0.4184118723048713,0.43070083391188324
80
+ 3,7000,0.42339275754697386,0.43882248342715724,0.4112523221639006,0.4342892045196199,0.4107369615856528,0.4344220281701682,0.42231015795222615,0.4354306683821766
81
+ 3,8000,0.4217418930775617,0.4374091078092109,0.4107889036009102,0.4335376501912141,0.4097487753144175,0.4332171010227034,0.41913322552563004,0.43313336269871344
82
+ 3,9000,0.4217985845044638,0.4295964234578437,0.41351014536719416,0.4271869385215884,0.41322410961598066,0.4277227422426924,0.41781085634118803,0.424111278129491
83
+ 3,10000,0.41640475865965715,0.4294459597059032,0.40235637056891826,0.42277861351655666,0.40252613650013735,0.4241159072618828,0.41618851782539323,0.42831557855357905
84
+ 3,11000,0.4194176024738678,0.4333264368778722,0.40753328302719893,0.42830901331886856,0.4078614617132626,0.4297998187464149,0.41783230713028074,0.4299472963216762
85
+ 3,12000,0.42670356395406256,0.4393571104079954,0.4157392408763525,0.4351870816453152,0.4150304211546649,0.4362152784927345,0.42474730046205433,0.43540186993211427
86
+ 3,13000,0.42184008952626934,0.4330155562952592,0.4115281451463335,0.4288594702789352,0.41134604547332665,0.42941731204841593,0.41938618123165167,0.42818274039564946
87
+ 3,14000,0.4271778664031288,0.44154309030252514,0.413534250155456,0.435664620853594,0.41301933026799303,0.43646235306998715,0.4263614552909186,0.4394112928249244
88
+ 3,15000,0.42316829797949435,0.4360830414287664,0.409115542804374,0.4307300277746318,0.40920272173464944,0.4321994537922358,0.4209861426668651,0.4323448221901627
89
+ 3,16000,0.428520258835023,0.439421692216824,0.41482838406217526,0.4340383568548703,0.4142622048797302,0.4345872365826894,0.42775676858541656,0.4368894167240406
90
+ 3,17000,0.43208090615062617,0.440062811322685,0.4246361739759761,0.43971304402384,0.424463660089166,0.4407269331398984,0.42519256683340545,0.430679587132869
91
+ 3,18000,0.4277587426630709,0.4379450351754141,0.4180298263246182,0.43561402530817345,0.4164446765207531,0.4349480451314909,0.42140499895922223,0.43068431238610955
92
+ 3,19000,0.43229384675296934,0.4428251642445642,0.42079683821030966,0.43882875018889167,0.41982758874410353,0.43897654376851564,0.4289489552648294,0.4378922318697262
93
+ 3,20000,0.42918128060125277,0.4421801639020142,0.4167777974893049,0.43773340621326534,0.41597047659411684,0.4379560132803092,0.4255668715334406,0.43728428131452074
94
+ 3,21000,0.4300423108506749,0.44491560467162466,0.42033546229993257,0.44108678953122077,0.4191360571400403,0.44083934396218105,0.4256837532789579,0.4388517258793648
95
+ 3,22000,0.43077763108508405,0.4450757807136065,0.42007473614825536,0.44024316833390165,0.41925503804080955,0.440281886614253,0.42810253248938046,0.44076770942209276
96
+ 3,23000,0.42835094020090014,0.4385428525610374,0.4176415818512693,0.4348458596339556,0.4167812181368145,0.4347669999852096,0.424627190809956,0.433877877513311
97
+ 3,-1,0.4278582450991414,0.4443056809986234,0.417388493726241,0.4398283178614643,0.41650069833492925,0.4400856332118349,0.42358020817394565,0.43812233509012777
98
+ 4,1000,0.4227584016489473,0.43877261786612864,0.4126046261804788,0.43567999966339266,0.41172388486262074,0.43589342737791575,0.4188810771908423,0.4338643056081673
99
+ 4,2000,0.42790197146484127,0.4378869923852348,0.4177408823039275,0.4348800348838017,0.4170243381839375,0.4349283533856575,0.4235826521085762,0.43145154834755833
100
+ 4,3000,0.4269252166393242,0.43815504623020884,0.4233600135559985,0.4395450810492513,0.4229037955183742,0.4401431540215926,0.4185668249918734,0.42674419985063233
101
+ 4,4000,0.4264256774405421,0.4408289147234138,0.411760641750449,0.4336470142713413,0.410681685529865,0.4334438779625979,0.4257930139625797,0.4389194201256716
102
+ 4,5000,0.42762903888606263,0.4393608095108308,0.4170149606509411,0.435801530389948,0.4153393268258634,0.4350993643392214,0.42266928249568264,0.43257955745287796
103
+ 4,6000,0.43021289347606606,0.4425947631077614,0.4218069065304242,0.4406994313435118,0.4206572368216173,0.4403059878780826,0.4241415105917001,0.43448740477454073
104
+ 4,7000,0.4303070464240826,0.44062166037746897,0.4176429735128273,0.43504462365659485,0.41579481786297157,0.43431769306518725,0.427406343573794,0.4361607129089965
105
+ 4,8000,0.43079217374449097,0.44457837522453286,0.4195798286606107,0.43882697504007334,0.4184962350859254,0.43865840341861545,0.42873718290363605,0.4409499227194646
106
+ 4,9000,0.4310651788428085,0.44202170243549826,0.420556715278614,0.438236702623555,0.4190853628156273,0.43808764202022527,0.4259399709822544,0.4354858687676091
107
+ 4,10000,0.43340980717370403,0.4446177468246046,0.42078055022316524,0.438735354962633,0.4195645166198996,0.4386569042959755,0.43017447370405343,0.43930792307952127
108
+ 4,11000,0.4313033968609043,0.43871431912194797,0.4218039810952971,0.4356634288462402,0.4209091982984628,0.43560598062817174,0.42612141367373246,0.43121274481284627
109
+ 4,12000,0.42874017096153333,0.44116718859000986,0.4165820788929175,0.4359772503575942,0.4157547613798119,0.4364007313921362,0.4248226795236626,0.4353114621560426
110
+ 4,13000,0.42845941261531706,0.4392993099812911,0.41401688227885014,0.431719110739432,0.4136263798014605,0.43207304142577213,0.4267402716203316,0.43589382257045584
111
+ 4,14000,0.42517663436674924,0.43381365086389917,0.4133055086024193,0.42944741005786946,0.4130730802122732,0.43049935630298913,0.4211488752676823,0.4280242199399469
112
+ 4,15000,0.4312527520948102,0.44159940748240795,0.41717061441436243,0.43447938969938044,0.4165883668561227,0.4352813698519366,0.4284778832393677,0.43745166285164705
113
+ 4,16000,0.4299903553808987,0.44128565646963,0.41746855029085667,0.4345720383814176,0.4167904439719745,0.43493763751272313,0.4262290416964535,0.4358155005377499
114
+ 4,17000,0.4301024001711523,0.441560979588187,0.4168129511504522,0.4343357679638514,0.4159130632808797,0.43450267957162403,0.4260569601620799,0.4364923565547304
115
+ 4,18000,0.437619860989324,0.4469293662914699,0.43008366921072444,0.44512515195869723,0.42877283723442283,0.44458825247140293,0.42892747791319624,0.4365376323148825
116
+ 4,19000,0.42558332519928915,0.43962340312217757,0.412867331290253,0.43281040174742064,0.4120678704174478,0.43286445986986605,0.4229504212919862,0.43559955855260535
117
+ 4,20000,0.43064658052802957,0.43968545417139343,0.41585483886215263,0.43265886378400853,0.41607073738147243,0.4339498098514206,0.4276560042972012,0.4354389779206582
118
+ 4,21000,0.4377513037313725,0.44857463646651274,0.42402910061124294,0.4433969584030809,0.42365563387762994,0.4442179204494553,0.4337995685430729,0.4435194213185129
119
+ 4,22000,0.43407359190913586,0.4421865588300505,0.4243260417226482,0.4403553268516419,0.4239541664564669,0.4410463212965882,0.42624198482373393,0.43373786913114865
120
+ 4,23000,0.4356627672765792,0.4484445591361352,0.4233074584020348,0.44246819517842506,0.42268445723697723,0.4432625297895436,0.43052062091940074,0.44202020597549463
121
+ 4,-1,0.43106843320992494,0.4444101021709418,0.41443957057631065,0.4349163017815963,0.4146010880323334,0.43617071098059806,0.4288923118494733,0.4415835059659594
122
+ 5,1000,0.42968112084319837,0.4406835343013591,0.42086182459548827,0.4372658134054267,0.42022406739324075,0.4378842477791772,0.4221927301896016,0.4316516986683147
123
+ 5,2000,0.4339349630002085,0.4453239465423598,0.4206943672265275,0.4390898471868779,0.41990754232734656,0.43977282140610224,0.4306823606020966,0.44092177885435413
124
+ 5,3000,0.434155305687135,0.4470394184897189,0.426622630231345,0.44498830295460495,0.4257870243263433,0.44535691958968615,0.4264597754071614,0.436458913420544
125
+ 5,4000,0.4299968748463677,0.4425204136615551,0.4160125812508094,0.43566820760573793,0.41550386997359207,0.4362559482761015,0.42715598391518667,0.4380775102197348
126
+ 5,5000,0.4302811181287544,0.44198836046765244,0.419012097109837,0.43821460670974516,0.41818878331083603,0.43838336982113957,0.425878905447185,0.4359793326589997
127
+ 5,6000,0.4352033594838992,0.44585233599518537,0.4191394850473057,0.4372836094576337,0.41796297541830585,0.43700777997163076,0.4330525288775024,0.4430139500838511
128
+ 5,7000,0.43376059150138124,0.44582477464210984,0.42139731956116866,0.4403347036101154,0.42076591623591825,0.44073758292802845,0.42921462692675266,0.43988234821346095
129
+ 5,8000,0.4337058701431999,0.44488280487626974,0.4211998008812671,0.4384670423121329,0.4203619808870099,0.43861605633518613,0.4299867700330025,0.43992217229360564
130
+ 5,9000,0.43406588407041363,0.44670844538496807,0.41950899289154386,0.4388660073638887,0.41939220685836864,0.4399766740190205,0.4310392768998741,0.4433137139985986
131
+ 5,10000,0.4403719048211765,0.450895275532926,0.42797364211702843,0.4457445415148944,0.427382938916517,0.44608269507407833,0.4359669846417678,0.4455754942544457
132
+ 5,11000,0.43724333859396747,0.44388061358770503,0.4252016752984614,0.43955373446696694,0.4243785812835071,0.4397180519606075,0.43221307440793866,0.43793961848798224
133
+ 5,12000,0.43518276793976507,0.44460928681750184,0.4214147230880432,0.4390090306116869,0.4215876548286608,0.4400489816167474,0.43116245944746656,0.43973969782837874
134
+ 5,13000,0.4381204970050297,0.4496068045991892,0.4249336626334821,0.44261827446712826,0.42438222096107087,0.44283838096509315,0.4356233858385037,0.4460160943545399
135
+ 5,14000,0.43782068609426483,0.4472315532768688,0.4235725479841214,0.4403529621386644,0.42272042006730237,0.4404984901636792,0.43516125643193154,0.443728573903252
136
+ 5,15000,0.4378805073506466,0.44774979605631693,0.42368844593904964,0.44084574826966283,0.42312130391842007,0.44115299492272003,0.4343712362079849,0.4433395971857242
137
+ 5,16000,0.43706361553319323,0.4485134961672235,0.42334279761466204,0.4416618583019922,0.4224680089759764,0.44177209525266314,0.43329035499490465,0.4436948142569806
138
+ 5,17000,0.4346488275725648,0.44611411251643446,0.42208268330881205,0.44077097218370304,0.4216755333143733,0.4410836676021808,0.4268070828727674,0.43747859961313385
139
+ 5,18000,0.4358702536507484,0.44657763877226747,0.4243278703275596,0.4418376489214524,0.4239727508031469,0.44233736929516326,0.4300945827994376,0.4397196193335277
140
+ 5,19000,0.4372456570193129,0.4464736224811478,0.42386201231590176,0.4403775863056681,0.4231003897063569,0.44080592285680137,0.43332785964486437,0.4411084273593875
141
+ 5,20000,0.4352447436222492,0.4449361508324858,0.4221919121157649,0.4385936545981016,0.4211600739804843,0.43827653591657245,0.4311016112074849,0.439241172763059
142
+ 5,21000,0.43420163778563,0.4441936010255702,0.42085361061148807,0.4382241463626689,0.4204305843699801,0.43864799729465787,0.4295400420435759,0.43866143120625
143
+ 5,22000,0.433679670448863,0.4445984875729426,0.4186708068915545,0.43686811839074857,0.418222223944822,0.43751798429197974,0.43052662603504427,0.4409918847383281
144
+ 5,23000,0.4338656964184444,0.4447994117389433,0.42005663937267107,0.43725133939289906,0.41994214585611045,0.43812742033129026,0.4303912865386824,0.441025526287951
145
+ 5,-1,0.4320241794469811,0.4411634347407176,0.41638648482454743,0.432870062861105,0.4169141780296755,0.4345885003768521,0.42815389551253086,0.4371938539315933
146
+ 6,1000,0.4334704673290347,0.44775571472784487,0.41853944950796057,0.43942124276365735,0.4191139014353122,0.4409346859007756,0.4304663861047776,0.4440944192708976
147
+ 6,2000,0.4332146534097466,0.4465774233522579,0.41862880634715943,0.4391170180150583,0.41919961290675734,0.4406360704206036,0.42966684866712224,0.4422286421393078
148
+ 6,3000,0.4359803991585781,0.4438936543833005,0.4251833176275699,0.43982216173374866,0.42541382123087906,0.4407324958089134,0.42905024627262356,0.4356435854534106
149
+ 6,4000,0.436711437544495,0.44623924235865153,0.4232905874669,0.439420015659238,0.4229885507215027,0.43991241782199764,0.4307354238134447,0.4402893457465859
150
+ 6,5000,0.43389942419271066,0.4431839736363848,0.41857405036546774,0.4353549645743431,0.41870292085195077,0.43665642065281585,0.4294561583883548,0.4388711687847099
151
+ 6,6000,0.432354542364548,0.44116688835911844,0.41864274054964445,0.43419141107144676,0.418412756949133,0.43495431839397225,0.4280852465020252,0.436316082707988
152
+ 6,7000,0.436813178078803,0.44874563329877054,0.4223307824159172,0.4409150233184729,0.4221973879829745,0.44173099719454473,0.43284437003754594,0.44410936312251104
153
+ 6,8000,0.43932629791636296,0.44744735202066066,0.42595298524566144,0.4406948411932413,0.42545060174847066,0.4410996116038583,0.4341200997386096,0.44122743325148406
154
+ 6,9000,0.43633438711271033,0.44761940235785874,0.4220857450310402,0.43993866899801204,0.4218053513800343,0.44047454346460285,0.4326424679177429,0.4427298089186686
155
+ 6,10000,0.43553053011824716,0.44243601005158656,0.41998498388854166,0.43513612324015893,0.4195526147064257,0.4355904339066979,0.43073427118857865,0.4371900577355988
156
+ 6,11000,0.4363661595512238,0.44431602162727324,0.42434826703178524,0.43925683786005393,0.42383621783187,0.43943169508186336,0.4297530944118804,0.4369163798265948
157
+ 6,12000,0.43748043043696233,0.44460516336309464,0.4238723830335608,0.4386216602182697,0.42328518670426946,0.4387263828978794,0.4318666286065478,0.4388697788446935
158
+ 6,13000,0.43725006978754666,0.4481172664477377,0.4220755126186282,0.43924606550164313,0.42169487937710903,0.43955445770611157,0.4332952143767357,0.44378004747509725
159
+ 6,14000,0.4358441503372379,0.4452833604711842,0.4200580481141616,0.43684008387917234,0.4195774287975678,0.4369100552259791,0.43258834243137506,0.44154468519655793
160
+ 6,15000,0.4387753017444227,0.4502404942614249,0.42277515621965656,0.4411171840266205,0.4220844723692334,0.44126500364349536,0.43466294246892584,0.4460458480645107
161
+ 6,16000,0.43588973152959093,0.4480918643412231,0.419293638226048,0.43867289350931066,0.4191626517394136,0.43939062917050836,0.43337137765801437,0.4450228356408404
162
+ 6,17000,0.4402677727891636,0.4504589631678638,0.42755892820182106,0.4441802138953296,0.42665527668868464,0.4439741538245774,0.43451340494227597,0.4444157327015913
163
+ 6,18000,0.43788727999832594,0.44736646527348894,0.4237277644894884,0.4400372384833317,0.4229132126577563,0.4400842911131393,0.4334333439391752,0.44244305661409267
164
+ 6,19000,0.439886813044129,0.4509197909493,0.42575704622111954,0.443037916436431,0.42449502094970565,0.44270315842125263,0.43604392744477777,0.4468328923833332
165
+ 6,20000,0.43710392269133375,0.44479139484248387,0.4240459734187018,0.4390182864664088,0.4230613041935351,0.4386928966633424,0.4315566002356095,0.4391421354497703
166
+ 6,21000,0.43216816678481135,0.4421354464919155,0.41646023819603617,0.4331513720196038,0.4163783301382565,0.4339383511001436,0.42838477102458333,0.43793274673695887
167
+ 6,22000,0.4403841551666165,0.4541023318859643,0.4270064854001407,0.44638130964489575,0.4265821017557047,0.44683540996041526,0.4364840270743602,0.44937357902219294
168
+ 6,23000,0.43909992105504886,0.45172140589041265,0.425369281510351,0.44422011884672785,0.42469344221320937,0.4442784947554371,0.43561343162558314,0.4476877168184344
169
+ 6,-1,0.4360993120744957,0.4487361833489986,0.4207964555838704,0.43978213508390707,0.4197358460324923,0.43988082499098313,0.4326421222774968,0.4450658900593384
170
+ 7,1000,0.4327312984735647,0.4444051673984714,0.4165519494543056,0.43531300041163196,0.41606687750649485,0.43593746096163155,0.42915936369717694,0.4407794292943212
171
+ 7,2000,0.4346742859739808,0.44464747388442216,0.4212023027771278,0.4374378869497759,0.4210190993531543,0.43794014432142325,0.42867593106665197,0.4384340951121617
172
+ 7,3000,0.43368058219324096,0.444689146303998,0.4196733693450944,0.4367550447342335,0.4194600306938435,0.4370346551361884,0.43024874434727634,0.4407975177909187
173
+ 7,4000,0.43181464933249103,0.442775588693614,0.41508650076520814,0.4339080427949196,0.41462922917306205,0.4338733637208729,0.4294367702587713,0.44032585846916794
174
+ 7,5000,0.43701597072554105,0.44647043897544314,0.42613961908969583,0.44226709512653145,0.4254386119677661,0.4421956908126239,0.4307087752055085,0.4395610615658898
175
+ 7,6000,0.43571979116037535,0.4454175185399444,0.4238862663619746,0.43978082577190447,0.422745205736158,0.4391620145091904,0.4303463786022838,0.4398416733471365
176
+ 7,7000,0.43282756874623735,0.4444000589477275,0.4184616936864444,0.4370668722147288,0.4177934238394022,0.43688479431575444,0.42875057899008623,0.4400284825670193
177
+ 7,8000,0.4336816567504926,0.4426401937204151,0.41947570529749456,0.4353367170485977,0.41920594163586733,0.435556294281399,0.4285212694614684,0.4375625597305893
178
+ 7,9000,0.4324469890019899,0.4417515093252695,0.4180543441661267,0.4340100069537269,0.4181331507095242,0.4345373568605037,0.42798652793555353,0.43718254299429304
179
+ 7,10000,0.4347158275020363,0.4441350254345067,0.4221914463326801,0.4381997687131413,0.42231072968479,0.43877702262879886,0.42831806123474114,0.43767527902399955
180
+ 7,11000,0.4332938856363813,0.44241399650232394,0.4210298378774759,0.43620814050335766,0.4206949659833824,0.43635945623830863,0.42862296003737943,0.4372462632789588
181
+ 7,12000,0.4303751486405308,0.4436726472721996,0.4162954873331969,0.4361091809842776,0.41685360470373173,0.4372533291858627,0.4266964019885958,0.4392722171455029
182
+ 7,13000,0.4323309043756425,0.44133776798944047,0.4178773900094017,0.43335097360070624,0.4178369167929944,0.4337954415375369,0.429462798182269,0.43831465506811823
183
+ 7,14000,0.43125368856467833,0.44092889220563686,0.4132398725624383,0.4300407214368586,0.41332418802291954,0.43066640980233445,0.43002390424350206,0.4394176851153973
184
+ 7,15000,0.4342830385006275,0.44457947867907455,0.41843356385598535,0.4359049926197908,0.4185459382956118,0.43644479387099505,0.43080771303311205,0.4405273850060841
185
+ 7,16000,0.4338444735667523,0.4458055871655897,0.41908388373286865,0.43746131724932436,0.41874934162700134,0.43762485624368186,0.4299558607101501,0.4414908899874496
186
+ 7,17000,0.4346447494913441,0.44347779767221696,0.4213999433970035,0.4371349236601083,0.4214189530346173,0.4375948791095487,0.42801322853109436,0.43672916639297243
187
+ 7,18000,0.43288701565547805,0.44332535652360644,0.41593621101784867,0.4341967587003579,0.4157690753273696,0.4348138279348381,0.429240032360041,0.4398338352264215
188
+ 7,19000,0.4370236478042027,0.44609209712255,0.42498123410376715,0.4402160303363863,0.4247431866380516,0.44083674449483234,0.4304101591073391,0.43921011570312135
189
+ 7,20000,0.4352997462354763,0.4450137229605499,0.42140330607310333,0.4375393951160977,0.4211311370947093,0.4379865880359899,0.42944295007000166,0.4395459488401865
190
+ 7,21000,0.4333609914270082,0.44314418994107857,0.4196200709549794,0.43547246199814144,0.4189546767378684,0.4354420851748792,0.4291758139970353,0.43879843095691445
191
+ 7,22000,0.43401958485625797,0.444844044636041,0.4214767789553807,0.43838998460607537,0.42135336266049545,0.43890192640952325,0.4283614245680623,0.4387679037421865
192
+ 7,23000,0.433878649049728,0.4444874517887021,0.4187215756622235,0.4360034621615008,0.4182628488990405,0.43633657220173827,0.4302129095673687,0.44080588438036206
193
+ 7,-1,0.43299362275487013,0.4430617877685884,0.4169128942620589,0.4339812459067737,0.41666214149872616,0.43457327244499694,0.42946057205792937,0.43959202447999013
194
+ 8,1000,0.43397978831068534,0.4418619560866225,0.4198547713213574,0.43483750617768846,0.4200833677335983,0.4357261300750979,0.42810793945113906,0.43613225043652604
195
+ 8,2000,0.43494649088169135,0.4428420055333921,0.4212260265035512,0.4355621286035552,0.421014650708095,0.4359424572973956,0.4300234267152778,0.43765751348544163
196
+ 8,3000,0.43461401729674826,0.4437322526750152,0.4204867014882988,0.43550478585863106,0.42064479948762074,0.43613191219965036,0.4296334239735062,0.43838177962822383
197
+ 8,4000,0.43368632707316884,0.4431893670496616,0.4201594620896123,0.4364642299318394,0.42034884744862394,0.43715372599239016,0.4279174328023655,0.4371676923335147
198
+ 8,5000,0.4345878476427415,0.44430707929819013,0.42094085817051424,0.4368477252612273,0.4206529692380245,0.4369778752447239,0.43007392061112104,0.43951823342095603
199
+ 8,6000,0.4314974432035414,0.44067383488632395,0.4157349726066926,0.43180196767916323,0.4161442604797997,0.4325984030584134,0.42720947820881294,0.4359709389324007
200
+ 8,7000,0.43352547335024605,0.44175427663879085,0.41850531934305696,0.4332515068181749,0.41863981848372145,0.43388443514097863,0.42878423651150693,0.4367836495875927
201
+ 8,8000,0.4334545512346696,0.44256930188299703,0.41774283683168056,0.4334240222230202,0.4180283208758967,0.43419127621450715,0.42958703868409176,0.43845828418442206
202
+ 8,9000,0.4343554712506963,0.44327321304079664,0.4219139421697377,0.43664443099474953,0.4219391759821836,0.4370942762432349,0.4290254205191575,0.43743462679584794
203
+ 8,10000,0.4326635189790751,0.44249167848380677,0.41833857130848995,0.4346217020101675,0.4181431052292883,0.43492057429763825,0.4278924150059339,0.43728423175444897
204
+ 8,11000,0.43502966886289335,0.4444461726420679,0.42188953604885726,0.43781252642608803,0.42202132732165903,0.4384846475584133,0.42886299073395057,0.4378570257960362
205
+ 8,12000,0.434537073291331,0.44422281421268095,0.42148255336366186,0.43762288614930905,0.4215429841045994,0.4382729281301821,0.4284084829594739,0.43754719151220134
206
+ 8,13000,0.4348101337353259,0.44443166535080764,0.42230015837091706,0.43823629590052793,0.4221200528081586,0.4387297940412713,0.4290212774020271,0.4382667236157936
207
+ 8,14000,0.4345270474666213,0.4436168723632962,0.4208824832032636,0.43694612923046305,0.4206781929241021,0.4372121525894872,0.42913991057713335,0.4381007915593138
208
+ 8,15000,0.43327274064488697,0.4417858119186913,0.41872943269701157,0.4342360346445083,0.41870731847420267,0.434788962293242,0.42797520937233147,0.4365748408145397
209
+ 8,16000,0.4317431303176983,0.4402352033244713,0.41823663842029923,0.4338086630142889,0.41820718786671723,0.4342592898510363,0.424986955226502,0.4337207223667059
210
+ 8,17000,0.4350724475758172,0.44459697405447035,0.4212850053318166,0.43792316681381477,0.4210359313488569,0.4381327693288954,0.42933524821555313,0.4390127077840797
211
+ 8,18000,0.43260029825378027,0.4421070599567073,0.417771054148041,0.4345630380327983,0.41746225564503864,0.4349488086324944,0.4278259780617026,0.4371915558645856
212
+ 8,19000,0.4329842367829996,0.4406212490587473,0.41783023301945627,0.4325674763057411,0.41771224511386784,0.43291258157653423,0.42842463679577464,0.43604666598657316
213
+ 8,20000,0.4347557391952557,0.443609360797817,0.4206072905555881,0.4367118969254439,0.4204906721636353,0.43715596347460955,0.4296499332173204,0.4386221160552634
214
+ 8,21000,0.4349868481257852,0.4431985812691912,0.42090145051793154,0.43598093489978235,0.42105069409247703,0.4367357652773569,0.4286738081477203,0.4371444383389311
215
+ 8,22000,0.4323790589966989,0.44134460102896417,0.4169955629677952,0.433056655563082,0.4168856417728523,0.4335593110644595,0.4280751601753361,0.4372254664257165
216
+ 8,23000,0.43494167840714815,0.44430579574760026,0.420911248820251,0.4367553887254516,0.42064203937376626,0.4370550556510317,0.4297178009737077,0.4391359632632692
217
+ 8,-1,0.43330134854435204,0.44388933741620495,0.4191058631808583,0.43616117399354815,0.41896840828547804,0.4365338315952471,0.42879485578754156,0.43905616867733976
218
+ 9,1000,0.43228600095358194,0.441560153765257,0.41812872852344285,0.4341228476832925,0.4181716400702203,0.43469746440925655,0.42718221064612616,0.43665828035887855
219
+ 9,2000,0.431956121084617,0.44083176490790577,0.41695035261579505,0.4328144903889713,0.4170119804240254,0.43352956207011517,0.4271484139062248,0.4362855042297566
220
+ 9,3000,0.4312106673777316,0.44079624859625804,0.4165588076874181,0.4324560424108269,0.4163193581763139,0.43283388115779825,0.4264377233678346,0.43612483691132703
221
+ 9,4000,0.43257735454369994,0.441568163250863,0.41843821108632284,0.43380426683958745,0.4182700661989199,0.43424860591387054,0.4274803486126418,0.4365939679520108
222
+ 9,5000,0.43109816175467514,0.44024699956482377,0.41625917119028366,0.4318272448030075,0.41625239777834494,0.4325539133327776,0.4261237273276236,0.435652759444829
223
+ 9,6000,0.43251367759287984,0.44153867243357703,0.4183101037022208,0.4342045755760482,0.41839934056123745,0.435010254839748,0.4262843400507478,0.4357274878455346
224
+ 9,7000,0.43399545732105965,0.4423582083718459,0.42014492231612344,0.43490955164651274,0.4201240432005605,0.4356627027323924,0.4278335521315153,0.4365772122360742
225
+ 9,8000,0.4316205357296486,0.44083799952268654,0.41738372609264174,0.4331365175988052,0.41765184970510255,0.4341336813783854,0.42588654670193005,0.43533975934733365
226
+ 9,9000,0.4331874887681335,0.44177455220344786,0.41986969535976243,0.4350546472370148,0.41978419717326404,0.43566694512855186,0.42710561015697196,0.43598865026510153
227
+ 9,10000,0.4322655637101594,0.44111410142457186,0.4183657627896533,0.43384280203438474,0.4184404729307353,0.4346188008247962,0.42643992216219556,0.4356050678791647
228
+ 9,11000,0.4321487927282311,0.44126074438830626,0.4177722205298912,0.4332904941617564,0.41796220600866674,0.4342464981160287,0.4267755372762403,0.43607506550671205
229
+ 9,12000,0.4337139638312017,0.44213734993418413,0.420719414832002,0.43534844904085385,0.4205460732151139,0.43583902860951557,0.42697777581871355,0.4355860729521031
230
+ 9,13000,0.43183078288949434,0.44054428618185326,0.417265301216839,0.43245137244658155,0.41730940380260956,0.43313281950187144,0.4261981894226059,0.43515487183816975
231
+ 9,14000,0.43223333701139416,0.44073967416878057,0.4171473543868345,0.432339034303527,0.4171665425786694,0.4329983215877304,0.42669422540511315,0.4354934609933048
232
+ 9,15000,0.4337957644832596,0.4418494252945993,0.41964451029176997,0.43450078252177726,0.41964641451562146,0.43511689517218244,0.4272893910338008,0.4357824367283752
233
+ 9,16000,0.4321447025456325,0.44113721952321805,0.417395209168063,0.4329092678977129,0.41730762731883303,0.4334966548209618,0.42684906964379726,0.4361182613659998
234
+ 9,17000,0.4325165884331541,0.4411133564050355,0.41828239756735264,0.43336206347214923,0.41835967494009735,0.434027741171832,0.4265630721767837,0.4354668569100712
235
+ 9,18000,0.43285417254588776,0.441441076971484,0.41893424648206967,0.4339157289053747,0.41888414912935784,0.43449168342679223,0.42712166148099084,0.43586316966492306
236
+ 9,19000,0.43321069518868216,0.44156086358399166,0.4197882308566992,0.43454616310405714,0.41967149916673624,0.4350389348179368,0.4272818766737879,0.4357596459515147
237
+ 9,20000,0.4325802064197536,0.4412808066399168,0.4186211586363014,0.4338134655041444,0.4185448807585114,0.4343666443586694,0.4271985193064896,0.4360052084050413
238
+ 9,21000,0.43220588694377576,0.4405777081058511,0.4183633785746236,0.4331873802885683,0.41836514949576165,0.43377723191404494,0.42640558832543207,0.4349389178273829
239
+ 9,22000,0.43303720661494544,0.4414887503453225,0.4198792014251387,0.4346510762169267,0.4198317508749246,0.435169526782309,0.4268596103525953,0.4353896227342614
240
+ 9,23000,0.4323199394407268,0.44071545269104684,0.41835952939115245,0.43327166516602095,0.4183661141436589,0.4339021405683901,0.42667440656646627,0.4352472311748272
241
+ 9,-1,0.4323076479067663,0.44070458330441004,0.4183163082597559,0.433232477759615,0.4183305842116227,0.4338715240725943,0.4266662572460088,0.4352626647834965
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:35de644b5509f5efa3a0365d02ef2f48ff01e1284eb0bb80ff6e0d85680e02f6
3
+ size 438019895
sentence_bert_config.json ADDED
@@ -0,0 +1,4 @@
 
 
 
 
 
1
+ {
2
+ "max_seq_length": 514,
3
+ "do_lower_case": false
4
+ }
special_tokens_map.json ADDED
@@ -0,0 +1,15 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "bos_token": "<s>",
3
+ "cls_token": "<s>",
4
+ "eos_token": "</s>",
5
+ "mask_token": {
6
+ "content": "<mask>",
7
+ "lstrip": true,
8
+ "normalized": false,
9
+ "rstrip": false,
10
+ "single_word": false
11
+ },
12
+ "pad_token": "<pad>",
13
+ "sep_token": "</s>",
14
+ "unk_token": "[UNK]"
15
+ }
tokenizer.json ADDED
The diff for this file is too large to render. See raw diff
 
tokenizer_config.json ADDED
@@ -0,0 +1,15 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "bos_token": "<s>",
3
+ "cls_token": "<s>",
4
+ "do_lower_case": true,
5
+ "eos_token": "</s>",
6
+ "mask_token": "<mask>",
7
+ "name_or_path": "/root/.cache/torch/sentence_transformers/microsoft_mpnet-base",
8
+ "pad_token": "<pad>",
9
+ "sep_token": "</s>",
10
+ "special_tokens_map_file": null,
11
+ "strip_accents": null,
12
+ "tokenize_chinese_chars": true,
13
+ "tokenizer_class": "MPNetTokenizer",
14
+ "unk_token": "[UNK]"
15
+ }
vocab.txt ADDED
The diff for this file is too large to render. See raw diff