Your Name commited on
Commit
f1ab703
1 Parent(s): d00cb18
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,126 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ pipeline_tag: sentence-similarity
3
+ tags:
4
+ - sentence-transformers
5
+ - feature-extraction
6
+ - sentence-similarity
7
+ - transformers
8
+
9
+ ---
10
+
11
+ # {MODEL_NAME}
12
+
13
+ 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.
14
+
15
+ <!--- Describe your model here -->
16
+
17
+ ## Usage (Sentence-Transformers)
18
+
19
+ Using this model becomes easy when you have [sentence-transformers](https://www.SBERT.net) installed:
20
+
21
+ ```
22
+ pip install -U sentence-transformers
23
+ ```
24
+
25
+ Then you can use the model like this:
26
+
27
+ ```python
28
+ from sentence_transformers import SentenceTransformer
29
+ sentences = ["This is an example sentence", "Each sentence is converted"]
30
+
31
+ model = SentenceTransformer('{MODEL_NAME}')
32
+ embeddings = model.encode(sentences)
33
+ print(embeddings)
34
+ ```
35
+
36
+
37
+
38
+ ## Usage (HuggingFace Transformers)
39
+ 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.
40
+
41
+ ```python
42
+ from transformers import AutoTokenizer, AutoModel
43
+ import torch
44
+
45
+
46
+ #Mean Pooling - Take attention mask into account for correct averaging
47
+ def mean_pooling(model_output, attention_mask):
48
+ token_embeddings = model_output[0] #First element of model_output contains all token embeddings
49
+ input_mask_expanded = attention_mask.unsqueeze(-1).expand(token_embeddings.size()).float()
50
+ return torch.sum(token_embeddings * input_mask_expanded, 1) / torch.clamp(input_mask_expanded.sum(1), min=1e-9)
51
+
52
+
53
+ # Sentences we want sentence embeddings for
54
+ sentences = ['This is an example sentence', 'Each sentence is converted']
55
+
56
+ # Load model from HuggingFace Hub
57
+ tokenizer = AutoTokenizer.from_pretrained('{MODEL_NAME}')
58
+ model = AutoModel.from_pretrained('{MODEL_NAME}')
59
+
60
+ # Tokenize sentences
61
+ encoded_input = tokenizer(sentences, padding=True, truncation=True, return_tensors='pt')
62
+
63
+ # Compute token embeddings
64
+ with torch.no_grad():
65
+ model_output = model(**encoded_input)
66
+
67
+ # Perform pooling. In this case, mean pooling.
68
+ sentence_embeddings = mean_pooling(model_output, encoded_input['attention_mask'])
69
+
70
+ print("Sentence embeddings:")
71
+ print(sentence_embeddings)
72
+ ```
73
+
74
+
75
+
76
+ ## Evaluation Results
77
+
78
+ <!--- Describe how your model was evaluated -->
79
+
80
+ For an automated evaluation of this model, see the *Sentence Embeddings Benchmark*: [https://seb.sbert.net](https://seb.sbert.net?model_name={MODEL_NAME})
81
+
82
+
83
+ ## Training
84
+ The model was trained with the parameters:
85
+
86
+ **DataLoader**:
87
+
88
+ `torch.utils.data.dataloader.DataLoader` of length 23874 with parameters:
89
+ ```
90
+ {'batch_size': 32, 'sampler': 'torch.utils.data.sampler.RandomSampler', 'batch_sampler': 'torch.utils.data.sampler.BatchSampler'}
91
+ ```
92
+
93
+ **Loss**:
94
+
95
+ `sentence_transformers.losses.CosineSimilarityLoss.CosineSimilarityLoss`
96
+
97
+ Parameters of the fit()-Method:
98
+ ```
99
+ {
100
+ "epochs": 10,
101
+ "evaluation_steps": 1000,
102
+ "evaluator": "sentence_transformers.evaluation.EmbeddingSimilarityEvaluator.EmbeddingSimilarityEvaluator",
103
+ "max_grad_norm": 1,
104
+ "optimizer_class": "<class 'torch.optim.adamw.AdamW'>",
105
+ "optimizer_params": {
106
+ "lr": 5e-05
107
+ },
108
+ "scheduler": "WarmupLinear",
109
+ "steps_per_epoch": null,
110
+ "warmup_steps": 10000,
111
+ "weight_decay": 0.01
112
+ }
113
+ ```
114
+
115
+
116
+ ## Full Model Architecture
117
+ ```
118
+ SentenceTransformer(
119
+ (0): Transformer({'max_seq_length': 512, 'do_lower_case': False}) with Transformer model: DistilBertModel
120
+ (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})
121
+ )
122
+ ```
123
+
124
+ ## Citing & Authors
125
+
126
+ <!--- Describe where people can find more information -->
config.json ADDED
@@ -0,0 +1,24 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_name_or_path": "/root/.cache/torch/sentence_transformers/distilbert-base-uncased",
3
+ "activation": "gelu",
4
+ "architectures": [
5
+ "DistilBertModel"
6
+ ],
7
+ "attention_dropout": 0.1,
8
+ "dim": 768,
9
+ "dropout": 0.1,
10
+ "hidden_dim": 3072,
11
+ "initializer_range": 0.02,
12
+ "max_position_embeddings": 512,
13
+ "model_type": "distilbert",
14
+ "n_heads": 12,
15
+ "n_layers": 6,
16
+ "pad_token_id": 0,
17
+ "qa_dropout": 0.1,
18
+ "seq_classif_dropout": 0.2,
19
+ "sinusoidal_pos_embds": false,
20
+ "tie_weights_": true,
21
+ "torch_dtype": "float32",
22
+ "transformers_version": "4.21.1",
23
+ "vocab_size": 30522
24
+ }
config_sentence_transformers.json ADDED
@@ -0,0 +1,7 @@
 
 
 
 
 
 
 
 
1
+ {
2
+ "__version__": {
3
+ "sentence_transformers": "2.2.2",
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.1898619973492135,0.22120522713097343,0.14956144560440154,0.177069607893558,0.15208226036520467,0.18016088926476742,0.15407919518134794,0.18797965742357647
3
+ 0,2000,0.2521782346245626,0.2738904603952987,0.21301763484320158,0.2309564551913693,0.21268825473027556,0.23119770558997313,0.20487072595314437,0.2322780184093011
4
+ 0,3000,0.26772627311309977,0.2919159047331514,0.25392265191838637,0.27263080055585126,0.25388386062402785,0.27301502535248023,0.2240543195322592,0.2547639155210862
5
+ 0,4000,0.28811450404970207,0.30608281822656835,0.25859891762645393,0.267904233141289,0.25942572057253604,0.2693048145770159,0.24521161086144744,0.2781836085831722
6
+ 0,5000,0.3052977034615937,0.32578070361304756,0.2974915111478411,0.31452731899197034,0.29855285261521153,0.31588471297021925,0.2596021585757528,0.28694104132903686
7
+ 0,6000,0.30149812766046125,0.3175884140841224,0.2836696327357569,0.29306351853281876,0.2839862728771941,0.2937197254466129,0.25038181498228657,0.2742212548356915
8
+ 0,7000,0.29940626788570346,0.3138859400981221,0.26247623614225796,0.26780320414448394,0.26365859694904054,0.2695918706436411,0.2614284623857354,0.2903231854737067
9
+ 0,8000,0.3169455508605224,0.33118484054973135,0.2981117028530571,0.30993767644016657,0.29923216853319295,0.3111501291626651,0.27380448913522204,0.29569217583159835
10
+ 0,9000,0.3023644584923088,0.3177006797152001,0.2905789139359512,0.2976172180442353,0.29174452328581546,0.29864264243422944,0.26936738268052873,0.2969141872133692
11
+ 0,10000,0.318174984296434,0.3268657883470332,0.29612659085784127,0.2976906266092956,0.29672572035680467,0.2990773154248707,0.2751659404749062,0.2957450255934523
12
+ 0,11000,0.3137556581830485,0.3252027001528397,0.29320336554503784,0.2984116554794013,0.293448229125322,0.2987155876814288,0.2667592794987817,0.28898796000084914
13
+ 0,12000,0.32719156842245567,0.33908104378231757,0.3093892774994589,0.31407436459412497,0.31001841059260626,0.31516975791179724,0.2870433875868382,0.31508861870705385
14
+ 0,13000,0.31748930952592025,0.32971230844257055,0.3034777434750684,0.31010519905376266,0.30415128179610973,0.3114179626420016,0.27936957186613587,0.3048169867005999
15
+ 0,14000,0.346995963414691,0.3666131029031622,0.33757889122503876,0.3543010819169639,0.3372884060047024,0.35433991696634964,0.30435789393782625,0.330794399596156
16
+ 0,15000,0.3425250916529399,0.34931640853500534,0.3304448014053518,0.3304937904673707,0.3304932534239608,0.33084898644192134,0.29647133374271,0.3139459876362603
17
+ 0,16000,0.3420159668459412,0.35428804959343463,0.336793160081736,0.34318405134974406,0.33650713347953376,0.3431008584610698,0.29328252644724334,0.31596087704168774
18
+ 0,17000,0.35568579995574356,0.367050432896264,0.3402563685640474,0.34503440689765963,0.34061658456719474,0.3455999137528091,0.3036772356042447,0.3256672791762159
19
+ 0,18000,0.35620921673044953,0.36953790837051614,0.3466920863705762,0.354020105043115,0.3464576710691377,0.35453293430004396,0.30528409270065743,0.3290710690909433
20
+ 0,19000,0.3553579551165609,0.3641247186641091,0.3404904219556859,0.3429534473396674,0.3413125304684782,0.3442655722261129,0.30442401841366123,0.330316853505944
21
+ 0,20000,0.3583629455192798,0.36540226215975613,0.34348492026584826,0.34533062380558976,0.34334976052206423,0.3459390509235358,0.3145993645963724,0.3340344403249079
22
+ 0,21000,0.36203256481418017,0.3687049379200438,0.351854675623406,0.35216556277491473,0.3516164290253319,0.35199828460953103,0.31364851129481264,0.3352217128902905
23
+ 0,22000,0.36812071152750664,0.3780121280551534,0.3645141664867623,0.3688711696951268,0.36380866272302714,0.36818882831598426,0.30905681041271615,0.33469672746759704
24
+ 0,23000,0.3681843581533585,0.37407994952377516,0.35807603517909803,0.3600360050882904,0.35865459363922414,0.36088053755597627,0.3103573535553308,0.32718740326341433
25
+ 0,-1,0.36731371490937254,0.37243668648260064,0.3550588661818867,0.3554351059345582,0.35573809098931813,0.3565910895021269,0.3134630765119075,0.33764031646145287
26
+ 1,1000,0.3777442199597674,0.384877389115617,0.3675693950969471,0.37147784099724096,0.3678018721548767,0.3721046079183356,0.32845390043398326,0.35205882360581564
27
+ 1,2000,0.38189441482597114,0.39293651650170086,0.37230473831371125,0.38023773078501205,0.3724347014428172,0.3806085200728643,0.3303240164151532,0.35582037919674986
28
+ 1,3000,0.3809339693243531,0.39306153333656757,0.3739333768217832,0.38195283994389323,0.3735077511266456,0.3819336208950543,0.32886461826823515,0.35185716581313325
29
+ 1,4000,0.37471989146820656,0.38871058793699,0.3683070414750068,0.3798329985527245,0.3685979865778256,0.3800115999395224,0.3143563046058156,0.33914061661382733
30
+ 1,5000,0.3872227122853629,0.39933032986073386,0.3754701984143563,0.385092124753515,0.37553978615521655,0.38530579252784697,0.33021889753535716,0.35964165580734797
31
+ 1,6000,0.39242168341214895,0.4044588721487796,0.3877500392803235,0.39796942428533394,0.38757275664552976,0.3977804411104144,0.33094267607381017,0.35680508319001814
32
+ 1,7000,0.38778190197344137,0.39436564753923004,0.38155407758488874,0.38673751267195083,0.3824044268784588,0.3876382875853898,0.3323867363968272,0.3552250101462962
33
+ 1,8000,0.3867927499187908,0.3956840787953069,0.3711369794885236,0.37783992044394654,0.3720399415276182,0.3788802892477414,0.338151394764281,0.3617097783324562
34
+ 1,9000,0.385513390408351,0.39359340674211857,0.36971778304908065,0.3741146902185038,0.3702047086785373,0.3745963733311075,0.33428668040358567,0.36059251801432773
35
+ 1,10000,0.38309091094930514,0.39251837154643643,0.37568889756603263,0.3836243975091768,0.3758560178939994,0.3837166732719613,0.3350692123270372,0.35522457526196466
36
+ 1,11000,0.39031528327297005,0.3993973737770188,0.37263167679286924,0.377232538980547,0.3730589651575929,0.37794497392429716,0.34470568276344205,0.36900320880152576
37
+ 1,12000,0.3861948626926218,0.3965173243952638,0.3758057419227973,0.3831487143699493,0.3757647450240594,0.3833393269866988,0.33938994024001584,0.36355582027534894
38
+ 1,13000,0.38915346038180576,0.4029894354926042,0.38841218890791485,0.4006222870034552,0.3879807030253635,0.40050616410411394,0.3329487221862462,0.3578095512220446
39
+ 1,14000,0.39786981254027387,0.4085809348610846,0.3858739965211653,0.3941826583554284,0.38529059863459575,0.3938617803138549,0.3475453505575415,0.37594367254361927
40
+ 1,15000,0.39371642207475877,0.39994329224167846,0.38595788816733406,0.389010926514955,0.38579785569139835,0.38879493957408057,0.337302219082349,0.35825211208261126
41
+ 1,16000,0.39222497705385645,0.3991267465368706,0.38236047664108175,0.38650196503322054,0.3820407113261176,0.3863399750111211,0.3418251115551049,0.3671658661518604
42
+ 1,17000,0.3957667651277423,0.4046993662988938,0.3830318270052458,0.38695976641608953,0.3835454703702924,0.38754861611654406,0.34386071413582925,0.36673789407685237
43
+ 1,18000,0.40343142736155235,0.41350886359868694,0.39216568327292034,0.39826475135270684,0.3921779015270475,0.39829155631450786,0.34788913778974845,0.3711594525494903
44
+ 1,19000,0.40462598717906234,0.41711715571945057,0.39368683696488255,0.4020795932192907,0.3937453685853571,0.4021216726283529,0.3501035900713712,0.38017929123151745
45
+ 1,20000,0.3980800371509778,0.4102546157944385,0.3859202915156706,0.3940908469452522,0.3865470934566343,0.3946553559600617,0.34807799326267014,0.37760104257941796
46
+ 1,21000,0.3962382973458564,0.41225382686389705,0.38982178245596155,0.4024886293582331,0.39006818630068524,0.40250802666225494,0.34203424221209233,0.3727754034943726
47
+ 1,22000,0.3975626136741994,0.4080048204173159,0.3877565861757428,0.39569584018173526,0.38739171692144786,0.3952703398349798,0.34478391681530296,0.3699357854260067
48
+ 1,23000,0.39743389551138225,0.40715385280568867,0.3864159915195883,0.3931305350567676,0.3863957984133423,0.3933295291501308,0.3427030199738246,0.37165944307072973
49
+ 1,-1,0.4011530049301124,0.4150911388376917,0.39452396925165373,0.40453120536644566,0.39429900507346477,0.4045082133323565,0.34918601956610623,0.3766507414380345
50
+ 2,1000,0.3994742445912786,0.41490697751980066,0.396594698581763,0.41032817793801785,0.3958002218642632,0.40961626274610624,0.3496608869570741,0.37609866433254263
51
+ 2,2000,0.39767732692508645,0.41079063731895243,0.39590368732622067,0.40671794440467585,0.39571405209352617,0.4065620622670615,0.3470653128956422,0.3730845040446865
52
+ 2,3000,0.40789558858476643,0.4195216386485889,0.3970580183981026,0.4057653633650221,0.39704612656665067,0.40596950934087417,0.36464856372545945,0.3875390897490739
53
+ 2,4000,0.40020312623163823,0.4089432548989617,0.38892247099959,0.39517225829844915,0.3884569475565256,0.39495542449779875,0.3571679219723339,0.38130327856742896
54
+ 2,5000,0.3950297287007135,0.40897500675026066,0.39523996405178496,0.4076730443244386,0.39480003390686946,0.4072695302650271,0.34404203465007227,0.3737444175269341
55
+ 2,6000,0.40766259108572656,0.41921169681734494,0.39671554292047523,0.4059892564757533,0.39671711186278297,0.40609177570564214,0.352900516249258,0.3805432829844185
56
+ 2,7000,0.40619281584483596,0.4164016976014469,0.401665589222035,0.4094139167819083,0.40133144817275396,0.4090079380358681,0.3532822710449644,0.38061332486378446
57
+ 2,8000,0.4022675080492265,0.4154589056659285,0.39576483704445903,0.40692049624559146,0.3956415908986476,0.40684104859716275,0.3562902391663415,0.38149415617615473
58
+ 2,9000,0.4083049248503653,0.42028534925546307,0.399638980952987,0.410229928654279,0.40013440214478435,0.41070594101126523,0.35543590001766023,0.3806179637126809
59
+ 2,10000,0.40650677410683983,0.4188918760665301,0.4003990243947056,0.41072703294562196,0.40053637690732763,0.41094782283493314,0.3486248509743578,0.37390180050112976
60
+ 2,11000,0.4014497051122342,0.4144983063152769,0.3981608958392942,0.40852767379441735,0.3980598915706185,0.40841221901367053,0.341945199882637,0.3693078285452519
61
+ 2,12000,0.4038704665894427,0.41587413005025003,0.39996782918756246,0.40869883075748237,0.39991081806686324,0.40863478517134705,0.34231085588730054,0.3678693798201036
62
+ 2,13000,0.41095386486217855,0.42256107587155595,0.4058328857021906,0.4148456325737977,0.40532965473288207,0.41444628073701,0.3604042518808922,0.38745621336036173
63
+ 2,14000,0.41281675101404386,0.426363596750768,0.41071226540465033,0.42212947049431665,0.4105867740028567,0.42190942547787935,0.3577766130476027,0.38776074895403223
64
+ 2,15000,0.4111512577302963,0.4227637722409809,0.3972997343568074,0.406218011931525,0.3979618195802604,0.4067261799018227,0.3621092924838007,0.3927063359091464
65
+ 2,16000,0.4127935577185145,0.42300514932840627,0.40223417448527704,0.40986707009951706,0.4027020651637762,0.41022904271401117,0.3617386699020878,0.38981715196971883
66
+ 2,17000,0.4178928654092982,0.4318832075219216,0.4073846158981342,0.4186138911449778,0.40756315749353494,0.4187645616968816,0.36359919249483813,0.39634405016550345
67
+ 2,18000,0.4132859613081465,0.42516980719863945,0.40686002768176616,0.4170040378053865,0.4066929472453994,0.41696475474544425,0.35376809480405474,0.38460314935308015
68
+ 2,19000,0.4122313574134518,0.42686824813279495,0.40215093393735063,0.4138132291362289,0.40258653517536164,0.4141461414757135,0.36121489316565086,0.3896405647411741
69
+ 2,20000,0.41017314255399806,0.4257646339281951,0.40656027072681433,0.41950876613220534,0.4064122509725161,0.4194191056718136,0.3561253270634476,0.3873700687364538
70
+ 2,21000,0.40816797825384804,0.421481660415805,0.3983783318370031,0.4097064333644741,0.39844932475203915,0.4097986768971102,0.36562253484506346,0.39325300913049077
71
+ 2,22000,0.4109217937235294,0.42262789213744384,0.408702963333691,0.41847410005647245,0.4077395640887642,0.41750677215313897,0.3547579441084669,0.3810610965959821
72
+ 2,23000,0.41642935910725704,0.42929502282247256,0.41333044514221423,0.4250991419655783,0.4123600329930818,0.42413390791461303,0.3644881401632977,0.39045525150192606
73
+ 2,-1,0.4182195191345106,0.430267598610508,0.40948765632891965,0.4192027131377214,0.40878442397808307,0.4186129870763981,0.3660999292304217,0.39543451389391393
74
+ 3,1000,0.41279378469076533,0.42498529429447635,0.4107651737704161,0.4212974547692825,0.41009007360036925,0.42050542983825767,0.3577832693946317,0.38423575861158316
75
+ 3,2000,0.4093203168079211,0.4210389673936392,0.4074276076135976,0.4171617384159472,0.4068889363274503,0.4164083930898386,0.356021270900036,0.38206048397328757
76
+ 3,3000,0.4154012319672798,0.42675829713021124,0.4098573322644315,0.4191949670305769,0.4096334729429363,0.4188242663330402,0.3625398652281254,0.38861210096879506
77
+ 3,4000,0.4086358331949341,0.4205886788494054,0.4045588412667372,0.4141640069726848,0.404676677398006,0.4141933121211337,0.3546703621090454,0.3822569290779995
78
+ 3,5000,0.4065123881032162,0.41649521425906794,0.4041897729358268,0.4123586580501505,0.40396607081762315,0.4119739613848764,0.3538600830975438,0.37890476946184287
79
+ 3,6000,0.40967735901287256,0.4195362230448232,0.4037195307847493,0.4101791205188005,0.4033428293321309,0.4098266697762639,0.3623138242357739,0.3875861234646352
80
+ 3,7000,0.4066173530886854,0.4170254475534469,0.39773756547463723,0.4061151191433603,0.3975898171542231,0.40586047682200704,0.35725071384431034,0.382393011441601
81
+ 3,8000,0.4106655093730838,0.421678094689194,0.40670992357532726,0.4152471613376379,0.4067128699750459,0.41522102569444996,0.3615031285648656,0.38699905152022007
82
+ 3,9000,0.40844101151121165,0.418350986862597,0.4049872116463101,0.4126922173391366,0.4046796291050542,0.4121556648312912,0.35725952515193815,0.3804819141757971
83
+ 3,10000,0.4068509896310274,0.42006708561424194,0.4064614845631898,0.41746804664256126,0.40588529271855533,0.41679867748890354,0.3520960795622679,0.3779083480942129
84
+ 3,11000,0.41244592576654987,0.4247665052559331,0.40774803119264175,0.4184811201368551,0.40757950677158344,0.4181736795756257,0.363417978983143,0.38996440052267517
85
+ 3,12000,0.413242091073522,0.4255434968812934,0.406025175366177,0.4161685818337095,0.405909071244789,0.41600300016192393,0.3670010151958709,0.3940480596325834
86
+ 3,13000,0.41734540866332487,0.42747612859205486,0.4115805608883722,0.41946305894413793,0.4114218595686483,0.41922786943910795,0.3699221820645551,0.39567283272982606
87
+ 3,14000,0.4129710748578779,0.42368248525972363,0.4120704711284055,0.42108739057477806,0.4118393066690546,0.42073729376888264,0.36150174169051147,0.3865587919915069
88
+ 3,15000,0.416680762232371,0.4284124229986949,0.4097121681710306,0.4181609175876027,0.40983440399718857,0.4182225261707228,0.3686718242454199,0.3967018727669922
89
+ 3,16000,0.4173173656051,0.42910060202405675,0.4138738118696435,0.42343154472917377,0.4138050933068754,0.4231064781083903,0.36032203070196306,0.390678860964562
90
+ 3,17000,0.41552394119416514,0.4273494324995949,0.41236454877974815,0.42191466121127114,0.41164226770034046,0.4210216019915571,0.3656822228972539,0.3930425386817459
91
+ 3,18000,0.4206299630561079,0.4332571232123111,0.41688644279229203,0.4273390094616719,0.4164209014654727,0.426656242530534,0.3690173916688181,0.39732551540450023
92
+ 3,19000,0.4189635242725332,0.43034900406890303,0.41598699668049766,0.42680194030668506,0.4155513721797891,0.42624942730079063,0.36520381199596474,0.392102489049031
93
+ 3,20000,0.4215452173936789,0.4341300326855327,0.4134976140041209,0.42410717324148833,0.41285237850285067,0.42322428318322336,0.3691118052196448,0.39643068793913666
94
+ 3,21000,0.4189875199758189,0.4307067137484783,0.41649956954607364,0.42793062579068375,0.41584110251982903,0.42712279453239654,0.37540303302502165,0.39880198504736764
95
+ 3,22000,0.4179057450365209,0.4282310572451312,0.4112026241534863,0.42031248461335285,0.41064176997003266,0.419697523641629,0.3651801748748786,0.38962762937004447
96
+ 3,23000,0.42079917636707115,0.43368252174944905,0.4160878005622068,0.42636355542429233,0.4158072819969743,0.4259333501157056,0.3691079986691346,0.3976348966325662
97
+ 3,-1,0.42627570369086043,0.43685356438335154,0.42036957410376496,0.4293922040287619,0.41950825462133146,0.42842720263914325,0.376571157786526,0.4017050650512019
98
+ 4,1000,0.41155828733831995,0.42245192886472976,0.4060332828471282,0.41561533897890407,0.4055201745090609,0.4151299918342974,0.36841301931221454,0.39296695950446314
99
+ 4,2000,0.41063967919567457,0.41840865757271395,0.41071597259797804,0.4180544039041386,0.40997571756908113,0.41712925715991267,0.3640345548642821,0.3857197952771736
100
+ 4,3000,0.41363010469511374,0.42449042920876073,0.41537845339827867,0.4255140391985625,0.4141897527439764,0.42431024612390805,0.36875279622747237,0.3914628207859235
101
+ 4,4000,0.412689734608193,0.4222286360838607,0.4133341496745234,0.4232570927706943,0.412296363520298,0.42212975241646256,0.3687093975701386,0.3917900959694785
102
+ 4,5000,0.41037327252530104,0.4214177682850161,0.4097996421966283,0.42022074152411837,0.40902330744304594,0.41928972138698634,0.36960887368518686,0.3926387481917288
103
+ 4,6000,0.4070213855718913,0.4168027978827651,0.4084361646020269,0.41804473733614855,0.40774456378534796,0.41688621972185935,0.36319637339650973,0.38434385664419624
104
+ 4,7000,0.4076100526101385,0.4198458407539144,0.4094875995311981,0.42033709400082914,0.40849266446696586,0.41909260693208894,0.3640196821959491,0.3883410299036391
105
+ 4,8000,0.41223325989898063,0.42345871748696917,0.40993887269554036,0.41938326986558994,0.40947298278756394,0.41874496966849806,0.367258399583237,0.38927087310701125
106
+ 4,9000,0.40808511705200456,0.4207174970684604,0.4061501059704561,0.4177115380773354,0.40539298518538297,0.4167525561239291,0.36659003837566634,0.39079751318814315
107
+ 4,10000,0.4065815796670761,0.41899072396384895,0.4098916836556557,0.42292727765386107,0.4091639002047368,0.4218578072767258,0.36153285731461937,0.3852716923479176
108
+ 4,11000,0.41073424547151505,0.4200972012193321,0.409316622937318,0.4183014890539162,0.4087293890691186,0.41762446088416705,0.3700101899813963,0.3917195644792209
109
+ 4,12000,0.41554310671367867,0.4269979875915921,0.4109580300626442,0.421530794369001,0.40997095234346714,0.42028747963525637,0.3728782619220883,0.3968909163210423
110
+ 4,13000,0.4118375261017014,0.4212761894527395,0.4064358885736598,0.41494991023958827,0.4061090556061466,0.4145048317737102,0.37276283461115955,0.39768013807975006
111
+ 4,14000,0.4184255246409563,0.43054593833962757,0.4186761059312102,0.42961936485890323,0.41804462384073215,0.42896266654415005,0.37402079898459595,0.39691416953817704
112
+ 4,15000,0.4094585630271596,0.421106135282663,0.41080632217088187,0.42120404439151693,0.41013755359357124,0.42049215943672025,0.36589395023980426,0.39006544581195146
113
+ 4,16000,0.4162289508076448,0.4279721101692501,0.41611010878370247,0.42619703519788155,0.4153620225720093,0.42538595396500517,0.3698701664372638,0.3940697690082085
114
+ 4,17000,0.4186424875339946,0.43054518651024554,0.4155226401210703,0.42531979367439426,0.4147584002253821,0.4244519712725499,0.3791200750792347,0.40413528870721394
115
+ 4,18000,0.41654586706036306,0.4287129801367744,0.4181040306591843,0.4282609524997995,0.4171798565761808,0.42737492047110975,0.3713778576148289,0.39741133456614547
116
+ 4,19000,0.41696628380409584,0.42653636798659916,0.416885923808413,0.4246899345023204,0.4161007654945157,0.4239687795452606,0.3752793412336194,0.39721380560954345
117
+ 4,20000,0.4137147326235083,0.4225746001274194,0.41282515594712954,0.41894248457207317,0.4122023622390157,0.41823908325080417,0.3692643622742736,0.39367577304087403
118
+ 4,21000,0.4170134731524077,0.42512322010410225,0.4177717980479038,0.42456277578326823,0.41679667280623517,0.4235153546090039,0.37174992427348363,0.39505475998162576
119
+ 4,22000,0.4170399401002607,0.42726760921855106,0.4180009364569047,0.4266657459744233,0.4174725945300509,0.42585571367665104,0.3693208626201968,0.3949840806212845
120
+ 4,23000,0.4206493158641659,0.43103389019456534,0.4203912324509649,0.43055595415287856,0.41935157154277564,0.4293892804370695,0.37293482548433343,0.39863803115226265
121
+ 4,-1,0.41664416893939615,0.4280602623664593,0.4176857512054885,0.4277261978551382,0.4168520586816156,0.42666031447375113,0.37000145889690506,0.39481370893760737
122
+ 5,1000,0.41439903513518767,0.42509803126461687,0.41553889491773643,0.4248078345185151,0.4147667018920348,0.423856330206521,0.3722690542248469,0.3955038652767008
123
+ 5,2000,0.4106770960106739,0.4205755074172624,0.4103379767943537,0.4180803006987251,0.4097467657297542,0.4173180780552856,0.37378520763499257,0.39399579905666127
124
+ 5,3000,0.40978179471312914,0.41965263812902276,0.4126983671073846,0.42179219720537975,0.4119092286851385,0.4207546693348732,0.37189396575649064,0.39178576421874717
125
+ 5,4000,0.41637775202610994,0.42606044513626257,0.41805597722549726,0.42678952579308205,0.41728822876517935,0.4258698264106783,0.376278836558749,0.3963592441130733
126
+ 5,5000,0.41399608123915094,0.4252167282240889,0.4139956823664184,0.42486198937760566,0.41307293881478796,0.4237441180422751,0.37596277753209123,0.3992232021810181
127
+ 5,6000,0.41314254800301453,0.4232784815645416,0.4121148146532119,0.4211953391719134,0.411137588694289,0.4200161691281619,0.37722082995506256,0.39814327187976406
128
+ 5,7000,0.4140854573176009,0.4238831811991618,0.41379761199749476,0.42218279265181996,0.4128562412118564,0.42097670859200603,0.3760074766036029,0.3980161403945224
129
+ 5,8000,0.4129898873644528,0.42115565917969877,0.41290341267920255,0.420394074447603,0.411909460031861,0.419090173385447,0.3774145814965865,0.3977821343156109
130
+ 5,9000,0.4093239768510993,0.4168491120588345,0.4133442194720934,0.4207973021550444,0.412501292281086,0.419693767474298,0.3691112579806647,0.3870057766861199
131
+ 5,10000,0.4117858343664094,0.421764578939051,0.41541162463432135,0.42454788960163775,0.4145659139476946,0.42336338843558496,0.37128988018269676,0.3911991403666329
132
+ 5,11000,0.41170008997519536,0.4209437172228098,0.41362753652313466,0.42275814167064873,0.4128083059861109,0.4215498382921637,0.373650684022476,0.3939377203881103
133
+ 5,12000,0.4112685574845133,0.42161243029999024,0.41322185551626006,0.4233961571649587,0.41225854975336207,0.4220998882759732,0.3756230999200106,0.3948852913023079
134
+ 5,13000,0.4128720260274724,0.4224074670318148,0.41679343819706804,0.4255571074631024,0.4160039129491401,0.4244681783757206,0.37457423627942943,0.3940443666841661
135
+ 5,14000,0.40858830216117736,0.4170606025222374,0.4128104103040344,0.4212354112521712,0.41185261722414535,0.4200120141846684,0.37300784770960027,0.38934045664491806
136
+ 5,15000,0.4090338246317479,0.41802066796775184,0.4118104979283771,0.4204511324639222,0.4106842636981049,0.41904570601820795,0.3750001715136558,0.3912630008950623
137
+ 5,16000,0.40728009422810246,0.4163599751825259,0.40995894528537435,0.4190924560079806,0.40909729336168643,0.41783402579735984,0.3731882268655423,0.3901575295715994
138
+ 5,17000,0.41373551483886395,0.4232366504377245,0.4154264635714674,0.42436839112417013,0.4146746113764048,0.4233310552260732,0.3766754891103583,0.39462144337949245
139
+ 5,18000,0.414163449557705,0.4232515330302506,0.4163766382896348,0.4246085154274216,0.41567130019031345,0.42362677742332516,0.37652493142962873,0.3943795580821976
140
+ 5,19000,0.4146734497059723,0.42422542305893096,0.417460740960411,0.4265770135407677,0.4164523355406014,0.4252584489768147,0.3785378800498522,0.3973152278017897
141
+ 5,20000,0.41368223220948086,0.42397390680013963,0.4176523156503426,0.42808536587824575,0.41637162436832015,0.42641713538789244,0.37615417649758026,0.3950394533477868
142
+ 5,21000,0.41121557272174014,0.4216008457111016,0.41512355352962205,0.42484821669690825,0.41405482626353435,0.423565902629397,0.3724281005747741,0.39268494624345085
143
+ 5,22000,0.4110147897825881,0.4190545170937289,0.4143217435639931,0.42182335880531163,0.4132864777952759,0.4205118081503057,0.374332069355388,0.3914758121589153
144
+ 5,23000,0.4096951316525998,0.4186264865437304,0.41183674704918727,0.4197042273938193,0.41119182225532974,0.41877348795899627,0.3737463683207915,0.39112296188316636
145
+ 5,-1,0.41152556002791424,0.41869798807289843,0.41459583468275535,0.4212270692561207,0.41348892020326816,0.41986839547660204,0.37447763550905866,0.39091203831180366
146
+ 6,1000,0.39916458956314055,0.4072182783359472,0.4041998340348926,0.41127740082790254,0.4033316180157067,0.41017451008310635,0.3646893452934761,0.38128469914308527
147
+ 6,2000,0.40495581034482236,0.4123506486852415,0.4077584674669757,0.41514393237408304,0.40689617606031736,0.4139693014662128,0.37318189867448187,0.3894517720293022
148
+ 6,3000,0.4044427899051966,0.41340122233916227,0.4071202556193547,0.41497104539102,0.4063645877431591,0.4138819297365402,0.37303054564722454,0.3893721406906572
149
+ 6,4000,0.40329631994656423,0.41043416646583286,0.4077260183768547,0.41483498202624086,0.40667117870560077,0.41328918829231254,0.3714870664311749,0.38640961827219017
150
+ 6,5000,0.40380704626019054,0.4114885799951899,0.40436808109265077,0.41179590973701147,0.40349969400273006,0.4106457197004841,0.37567481070009306,0.3912957552187847
151
+ 6,6000,0.40163958159629615,0.4097554012414153,0.40532420339776165,0.4135341477697214,0.404405769531825,0.41229939320331577,0.3711266380344285,0.3862962823748125
152
+ 6,7000,0.40229571251004226,0.41030554994492463,0.4038147433367223,0.4112153805808507,0.4028098436802603,0.4099188883587536,0.37487075328460967,0.38976094839171227
153
+ 6,8000,0.4017227722459765,0.40952293882665036,0.40485669795942597,0.4123256534088361,0.4038129763442344,0.4110741755384059,0.3714810007332484,0.3869532000730106
154
+ 6,9000,0.40249448700357626,0.41151944148524444,0.40613008353645785,0.41416150327360723,0.40526262620836906,0.4130817044004458,0.3718270613123055,0.38839610600018204
155
+ 6,10000,0.4003212669069881,0.40928814659190055,0.4058516174937615,0.4149349154319827,0.4051126817696574,0.41379045589204183,0.36779624907451536,0.385336910163515
156
+ 6,11000,0.4010438640970137,0.4096183129629683,0.40577722415356277,0.41406692692431724,0.4049736824030843,0.4129170893647322,0.36929804515896286,0.3855402097306027
157
+ 6,12000,0.39841202116797353,0.4058724050688843,0.4025155734337747,0.41083371906444444,0.40178856392658596,0.4097848367629672,0.3673676265588071,0.3829476298023215
158
+ 6,13000,0.40525275400644595,0.4127843327227274,0.40949218243476015,0.4164023097489398,0.40889157336943976,0.41557432987451265,0.37298924917898063,0.3891939141024732
159
+ 6,14000,0.3993929146551868,0.40884117493071603,0.4063722789403154,0.4151131770370989,0.40554511204852534,0.41400563153513315,0.36570981077020104,0.38377744211572634
160
+ 6,15000,0.4046447046442567,0.41330459741171455,0.4074804371107098,0.4158909580267773,0.40648561771459224,0.41474707440516667,0.37385084144983527,0.39134769767551897
161
+ 6,16000,0.40683147330112596,0.4143847069721352,0.40729451266785,0.414274335273875,0.4063613263573791,0.41318555627586734,0.38042410338283505,0.3956641915469788
162
+ 6,17000,0.4012513503730002,0.4102940245229035,0.4049927665512983,0.41370272031127414,0.40409828514744217,0.4126913329956256,0.373023144846055,0.38897002352981447
163
+ 6,18000,0.40593191504625414,0.4146570729922446,0.4075519597881834,0.4163154730008775,0.40685185175648086,0.41541146218641795,0.37875888165422006,0.3943172358160221
164
+ 6,19000,0.40590647530488344,0.4168687609075827,0.4101588587898371,0.42010352515602234,0.40932283876278763,0.4191197238923021,0.3777885393003984,0.3954616338362549
165
+ 6,20000,0.41041115538082446,0.42077033238565326,0.4107085623331602,0.4195653464214009,0.4099576491425786,0.41865533306782576,0.3840575454876509,0.40100004009177165
166
+ 6,21000,0.3987173164688428,0.40755819257884507,0.403588634015112,0.41310287479581737,0.4027927004738558,0.4120143634862251,0.3702707121930818,0.38648440111802096
167
+ 6,22000,0.4052863246637989,0.4158783917906368,0.40800140013278724,0.4178247592598988,0.4071412772575384,0.41672114274754435,0.37672970283725127,0.3950166746939308
168
+ 6,23000,0.40325141919271007,0.4132445912055393,0.4088030965808549,0.41848711628947016,0.40771298252671867,0.41697030545654007,0.37216970289486906,0.3901402682803679
169
+ 6,-1,0.41071229868616344,0.42006357559997715,0.4119163764626007,0.42106137389669757,0.4107346352775062,0.4195494493681445,0.3812891685362181,0.39998731485056144
170
+ 7,1000,0.40156001120404466,0.4096150499063704,0.40486144735419594,0.4130430108126501,0.4039818118400937,0.41177850094363266,0.3755871731859433,0.3903968661736847
171
+ 7,2000,0.39965275940321776,0.408836158352734,0.4028240371348102,0.41127243993664564,0.4021543339638607,0.41023970332301796,0.37312649105465706,0.3893702118225039
172
+ 7,3000,0.40074315094315216,0.4085324510688056,0.40502496101953955,0.41263922583101653,0.4041962127373493,0.41143282031790973,0.373629415303086,0.38835109347083163
173
+ 7,4000,0.40223455355000515,0.4102991949116077,0.40619584449763524,0.4142407735290839,0.40512564230034587,0.4126882443827635,0.3759822042409109,0.39094544712134643
174
+ 7,5000,0.39840127590481883,0.40642950273078565,0.40207902185788896,0.40904124449005863,0.4013693139001379,0.40793221340070523,0.37320098866223234,0.3873248930511255
175
+ 7,6000,0.3968642295904954,0.4035284227631547,0.4025138265563596,0.408820355091896,0.401391908886424,0.40730641038452065,0.3701385709145237,0.38350589259348555
176
+ 7,7000,0.3967086158873816,0.4041586923601458,0.40240753586998673,0.4092618848538214,0.4014425374987102,0.40790587342330603,0.3699529727970458,0.3831664281027423
177
+ 7,8000,0.39991965050091743,0.4069328830647934,0.4041699290621605,0.41096453523018034,0.40306685790149066,0.409553691855493,0.3755770337329093,0.3887185218993367
178
+ 7,9000,0.39884848732034806,0.40700144589854853,0.40240449891866503,0.4096193482771877,0.4012829180001899,0.4081816549452645,0.3749896934627847,0.3891568733762834
179
+ 7,10000,0.3957313856164866,0.40319192801429415,0.4012922557027609,0.4087155911666161,0.4006011645118594,0.40774642328792066,0.3705214756357998,0.3839343846234962
180
+ 7,11000,0.3984578706208315,0.4060737101246975,0.40357690889207093,0.41089967593988147,0.4026078848657274,0.4096199446705056,0.3740989158706531,0.38736798237865405
181
+ 7,12000,0.3967719023443328,0.4050378481844133,0.40048299262989745,0.4083953703557027,0.3996912735592873,0.4072707637263163,0.3726329719092018,0.386954735071514
182
+ 7,13000,0.39771844468500334,0.4060537395691042,0.4026637465813878,0.4111210363049053,0.40196013374735445,0.41008430123557327,0.3718435481173132,0.38591081843812103
183
+ 7,14000,0.3978424938099473,0.4070218201262898,0.4042179824161849,0.41336490121018693,0.4034679476642069,0.41238437865876404,0.36959631546383104,0.3847292536098591
184
+ 7,15000,0.4020636236733295,0.4105168755233288,0.4063385564357456,0.41423462693142415,0.4055582771346731,0.41321662408984294,0.376364666358791,0.3902356563966038
185
+ 7,16000,0.39849469073560684,0.4051026026888588,0.40216292037227397,0.40910933100883723,0.40147221398583177,0.4079961306583922,0.37414155883876576,0.386743788925994
186
+ 7,17000,0.400773489582442,0.40747953419933686,0.40313021514374264,0.4094489624398086,0.4024910888093728,0.4084763538735834,0.37849095185295795,0.39121888061602883
187
+ 7,18000,0.3972740724614011,0.40394654722069623,0.4014271379763707,0.40769077487209143,0.4006981002915453,0.4067244926405761,0.37395294751597075,0.38574013449644623
188
+ 7,19000,0.3957766598731887,0.4030828100353373,0.4024852537984417,0.4103453632574269,0.40149668149111667,0.4090355668717559,0.3714641311393185,0.3840290359735733
189
+ 7,20000,0.3989517608161176,0.40588671699711637,0.40373334393821686,0.4101444645723047,0.4027886811897064,0.4089167749000692,0.3746145080035066,0.3870471721721597
190
+ 7,21000,0.39764305308091713,0.4054524437417555,0.4034019750149369,0.4112784565523675,0.40245352537064677,0.40999707651553624,0.37217168489857533,0.3859042380151577
191
+ 7,22000,0.4013909227704158,0.40861747880920496,0.4047837716200036,0.41229095080332506,0.40399260824460875,0.41122924431768654,0.3783690163496834,0.39086789266052974
192
+ 7,23000,0.39940029915214387,0.40664082804651874,0.40481125608949703,0.4129089836412296,0.404058953346878,0.4117718546118779,0.37416661884242514,0.3872850796348193
193
+ 7,-1,0.3988357541471044,0.4071088499166895,0.40435848859505985,0.41285298611635785,0.40359915869415447,0.4116649183323705,0.37364763599579326,0.38731804731546077
194
+ 8,1000,0.3918561925656761,0.3987509532658757,0.39760687986865045,0.40566700306895354,0.39690878057993645,0.40441432033905367,0.3694170031948517,0.38145036231326696
195
+ 8,2000,0.39764087070932147,0.4053290164244728,0.401963270498136,0.4104042989277716,0.40113742584478324,0.40917581468297004,0.37531399069466687,0.3876272392423201
196
+ 8,3000,0.39613768637281443,0.40223169785686114,0.4002130765060047,0.4078443215811813,0.39938373263646526,0.4066187394078917,0.3760420489678504,0.38674091913877984
197
+ 8,4000,0.3930460248456269,0.40000269585674736,0.3976947734052126,0.40537298016316087,0.3968894979270054,0.40417413788363815,0.3724598403449991,0.38395122562970263
198
+ 8,5000,0.39373219449675045,0.400874878716486,0.3976893070705055,0.40535553354537907,0.3968668822244698,0.4040723049375419,0.37346193156992796,0.3852800002964881
199
+ 8,6000,0.39338875757965386,0.3998922064796543,0.3988574006174674,0.40605314500444734,0.39797779279474704,0.4047145136001107,0.37105927761894647,0.3828230802133212
200
+ 8,7000,0.3934245847648041,0.4007674651124712,0.39789488562330366,0.4054922049993281,0.3970338497584717,0.4040591749456349,0.3719074791974602,0.3843246603662815
201
+ 8,8000,0.3914303876532494,0.397659252393629,0.3965160211690356,0.40344515484246574,0.39571531270104426,0.4022100261991493,0.3691760851898541,0.38123140764963614
202
+ 8,9000,0.3926429920288269,0.399171493645471,0.3974886265980101,0.404123042512139,0.39670494325036826,0.4029214388975388,0.3718938768744599,0.3831979712615961
203
+ 8,10000,0.3940105758091491,0.400912722986114,0.3999183961872476,0.4066677401812683,0.3990116333670357,0.40538398870540315,0.3716056996936285,0.3829778465933388
204
+ 8,11000,0.3931840116265628,0.3993075189064718,0.3987613282001908,0.40495546719266534,0.39808720787066953,0.40388968250204055,0.37215140857865536,0.38274606707551473
205
+ 8,12000,0.3927176330568777,0.3988234383380777,0.3974324511898662,0.40396270278081214,0.3967540809309307,0.4028521648703329,0.3712228522137381,0.38273129359896235
206
+ 8,13000,0.38998485054859816,0.3958316847269723,0.395622734739505,0.4016878418801049,0.394936727284535,0.4006361863038959,0.3692393618026671,0.38010684743788453
207
+ 8,14000,0.3939073355123543,0.39970000633460534,0.39915465581598464,0.405443894283338,0.3984945699670845,0.4044564999128555,0.3732445657584112,0.3839323826293526
208
+ 8,15000,0.3906958019981691,0.39694927032283367,0.3963934767708349,0.4032850133486012,0.3956335982085146,0.40215494474981256,0.37005997363568566,0.3808814187232575
209
+ 8,16000,0.3948620817820174,0.40072470883712097,0.39853911618106874,0.40551848187660056,0.3976126530236174,0.40419884172083026,0.3753731233587823,0.3861509577483384
210
+ 8,17000,0.38800861449823887,0.39434685183422713,0.3942301274054325,0.40183364093630225,0.3936559003314827,0.40082272736473207,0.36779902765831074,0.37886637425135317
211
+ 8,18000,0.39062771035881744,0.3971978224404951,0.3972936478597497,0.4048126439159188,0.3965997380058509,0.4037629426557721,0.3689867718685578,0.38015378906693825
212
+ 8,19000,0.39261231171730093,0.3988904355182949,0.3981898577960286,0.4048556199954924,0.39749592937781675,0.4038311590600227,0.37140759248210886,0.3822602609547531
213
+ 8,20000,0.3938793077642722,0.4003487019708071,0.39906462796337044,0.4060041433850601,0.39843355835073824,0.40505724767807694,0.3730088266972092,0.3842809560513771
214
+ 8,21000,0.3941036477109858,0.4004335990162722,0.3989775770544794,0.40622164480752,0.3983093177151106,0.4051265524628789,0.3728956423295396,0.38460545598244017
215
+ 8,22000,0.39164742604845193,0.39790438486713203,0.397091557796344,0.40410318949702323,0.3963430003122495,0.4029299700843483,0.3704502766170935,0.38176773624121957
216
+ 8,23000,0.39488070862279173,0.4010973060957949,0.3991390762763383,0.4062117191791366,0.39833085161976234,0.40499472255086105,0.37488950490786993,0.3857640467082167
217
+ 8,-1,0.3914885466658101,0.3976255778707971,0.3968099468961027,0.40393912149403494,0.396180421041439,0.4028987418619984,0.3708057100030105,0.3817356217349302
218
+ 9,1000,0.3896594330523808,0.3955764218819196,0.39556609870990783,0.40236445871173876,0.3950224035120014,0.40143527622711683,0.36937880707344506,0.37986555080575807
219
+ 9,2000,0.38911917471986773,0.3943118493869153,0.39510257251639347,0.40159280204047465,0.39455789272120395,0.40061517014968123,0.3692617182847184,0.3788952907359126
220
+ 9,3000,0.39076028440938204,0.3962982135834571,0.395528244919985,0.4021880752679019,0.3949949526213654,0.40119675322656706,0.3717582420762022,0.3817977528848181
221
+ 9,4000,0.39018628575507447,0.3951717200476771,0.3954099935686759,0.40173238881082973,0.3949213797046121,0.40081845547861933,0.37075948347084503,0.38038089451415175
222
+ 9,5000,0.39038378123911915,0.39643239245983736,0.3952693317523741,0.4023449940996215,0.39479150727763224,0.4014733087724753,0.37154142892764735,0.3821130065646503
223
+ 9,6000,0.39054362695986017,0.39546571366236716,0.39518727046750035,0.4012596618238935,0.3947146292365573,0.40031703880579766,0.37250183066364007,0.3816423494299592
224
+ 9,7000,0.389266888245396,0.3940726387155214,0.3948679801767467,0.40110154651588525,0.394345076124249,0.40016446152483004,0.3700460104700592,0.37932803365530215
225
+ 9,8000,0.39088076448572723,0.39652544945627444,0.39589467530293626,0.402385973964757,0.3953197615781498,0.40139283265552267,0.372289166429191,0.381988312365356
226
+ 9,9000,0.38920718269359766,0.3950263881963352,0.3950384005133191,0.4018419398521253,0.394478442544425,0.4008353028075464,0.36926631891147904,0.37927770676013356
227
+ 9,10000,0.38899670021829313,0.39463585417451796,0.39469850475688767,0.40151197898456537,0.3942163649640035,0.4005991474906652,0.3696991738872013,0.3794807192302124
228
+ 9,11000,0.39047559443740637,0.3960207801023502,0.3955024362738858,0.4021614101565928,0.3949954114593463,0.40125319390901265,0.3714902877859301,0.3813405409538176
229
+ 9,12000,0.3896970241990052,0.39555958269319147,0.3952186406960767,0.40215045925505977,0.39471790221775716,0.4012192970630426,0.37072982141196514,0.38056058868442266
230
+ 9,13000,0.38897602086649985,0.3940401637215316,0.39397631879935974,0.4004089740290074,0.39343794659540765,0.39941567496832936,0.3708101381116069,0.379996434978438
231
+ 9,14000,0.39013848823630354,0.3955148736544169,0.39500801544500064,0.401649381322991,0.39448097457753095,0.40066599744794446,0.37206566961239507,0.3815338107946804
232
+ 9,15000,0.3875810423155904,0.3934861782663221,0.39354006056447827,0.4006006049861639,0.39305550883963475,0.3997250585522984,0.3686717011892399,0.37851324025448396
233
+ 9,16000,0.39074483928668513,0.3962201915863143,0.39594817250850467,0.40263516677222955,0.39540312332560384,0.40165511411504695,0.37229998065331155,0.38183178366429354
234
+ 9,17000,0.39017483727385954,0.3958014888250058,0.39524136492017425,0.4020361780072658,0.39466766818713556,0.40103166297350795,0.3720496877337312,0.3817301829315226
235
+ 9,18000,0.38996694317904085,0.39597997411715424,0.3950746341486495,0.40210522650021313,0.39453134893237046,0.4011421359683733,0.3715597428849461,0.38168597891838185
236
+ 9,19000,0.38926220700775466,0.39516715902706884,0.39470913846007744,0.40184745966044993,0.39415573930358216,0.400855564328141,0.3707215289431235,0.3807942994099317
237
+ 9,20000,0.3889844111863626,0.3947568797975566,0.3944433044197279,0.4015101913470248,0.3939032545305639,0.40051161211869274,0.3703673374965065,0.38034865481671665
238
+ 9,21000,0.389752334032464,0.3954951126106715,0.39506429504903706,0.4021016904988374,0.3944969032039608,0.40110742296897567,0.3712074730612269,0.3811148584469821
239
+ 9,22000,0.39042407122103145,0.39621795992575415,0.395412183269094,0.40246228986867144,0.39483278106551856,0.40145228083575507,0.3722147268189395,0.38212921781401826
240
+ 9,23000,0.39032883497260296,0.3962132025770986,0.39547110133667746,0.40256084097458383,0.39489578447356743,0.4015595562209467,0.3719664715455705,0.38195770425985986
241
+ 9,-1,0.3902197806934714,0.39614681513182465,0.39544434900422465,0.40255478819876866,0.3948706368121203,0.4015640466664322,0.3717645951113893,0.38180126387262453
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:54f24816d7697c6220933ef90ba31e71d9d012de8d3174e19d1d438f0b87c6f4
3
+ size 265486515
sentence_bert_config.json ADDED
@@ -0,0 +1,4 @@
 
 
 
 
 
1
+ {
2
+ "max_seq_length": 512,
3
+ "do_lower_case": false
4
+ }
special_tokens_map.json ADDED
@@ -0,0 +1,7 @@
 
 
 
 
 
 
 
 
1
+ {
2
+ "cls_token": "[CLS]",
3
+ "mask_token": "[MASK]",
4
+ "pad_token": "[PAD]",
5
+ "sep_token": "[SEP]",
6
+ "unk_token": "[UNK]"
7
+ }
tokenizer.json ADDED
The diff for this file is too large to render. See raw diff
 
tokenizer_config.json ADDED
@@ -0,0 +1,13 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "cls_token": "[CLS]",
3
+ "do_lower_case": true,
4
+ "mask_token": "[MASK]",
5
+ "name_or_path": "/root/.cache/torch/sentence_transformers/distilbert-base-uncased",
6
+ "pad_token": "[PAD]",
7
+ "sep_token": "[SEP]",
8
+ "special_tokens_map_file": null,
9
+ "strip_accents": null,
10
+ "tokenize_chinese_chars": true,
11
+ "tokenizer_class": "DistilBertTokenizer",
12
+ "unk_token": "[UNK]"
13
+ }
vocab.txt ADDED
The diff for this file is too large to render. See raw diff