luismsgomes commited on
Commit
34c1355
1 Parent(s): f93b612

added trained model

Browse files
1_Pooling/config.json ADDED
@@ -0,0 +1,10 @@
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "word_embedding_dimension": 1024,
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
+ "pooling_mode_weightedmean_tokens": false,
8
+ "pooling_mode_lasttoken": false,
9
+ "include_prompt": true
10
+ }
README.md CHANGED
@@ -1,3 +1,131 @@
1
- ---
2
- license: mit
3
- ---
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ license: mit
3
+ library_name: sentence-transformers
4
+ pipeline_tag: sentence-similarity
5
+ tags:
6
+ - sentence-transformers
7
+ - feature-extraction
8
+ - sentence-similarity
9
+ - transformers
10
+
11
+ ---
12
+
13
+ # Serafim 335m Portuguese (PT) Sentence Encoder
14
+
15
+ This is a [sentence-transformers](https://www.SBERT.net) model: It maps sentences & paragraphs to a 1024 dimensional dense vector space and can be used for tasks like clustering or semantic search.
16
+
17
+ <!--- Describe your model here -->
18
+
19
+ ## Usage (Sentence-Transformers)
20
+
21
+ Using this model becomes easy when you have [sentence-transformers](https://www.SBERT.net) installed:
22
+
23
+ ```
24
+ pip install -U sentence-transformers
25
+ ```
26
+
27
+ Then you can use the model like this:
28
+
29
+ ```python
30
+ from sentence_transformers import SentenceTransformer
31
+ sentences = ["This is an example sentence", "Each sentence is converted"]
32
+
33
+ model = SentenceTransformer('{MODEL_NAME}')
34
+ embeddings = model.encode(sentences)
35
+ print(embeddings)
36
+ ```
37
+
38
+
39
+
40
+ ## Usage (HuggingFace Transformers)
41
+ 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.
42
+
43
+ ```python
44
+ from transformers import AutoTokenizer, AutoModel
45
+ import torch
46
+
47
+
48
+ #Mean Pooling - Take attention mask into account for correct averaging
49
+ def mean_pooling(model_output, attention_mask):
50
+ token_embeddings = model_output[0] #First element of model_output contains all token embeddings
51
+ input_mask_expanded = attention_mask.unsqueeze(-1).expand(token_embeddings.size()).float()
52
+ return torch.sum(token_embeddings * input_mask_expanded, 1) / torch.clamp(input_mask_expanded.sum(1), min=1e-9)
53
+
54
+
55
+ # Sentences we want sentence embeddings for
56
+ sentences = ['This is an example sentence', 'Each sentence is converted']
57
+
58
+ # Load model from HuggingFace Hub
59
+ tokenizer = AutoTokenizer.from_pretrained('{MODEL_NAME}')
60
+ model = AutoModel.from_pretrained('{MODEL_NAME}')
61
+
62
+ # Tokenize sentences
63
+ encoded_input = tokenizer(sentences, padding=True, truncation=True, return_tensors='pt')
64
+
65
+ # Compute token embeddings
66
+ with torch.no_grad():
67
+ model_output = model(**encoded_input)
68
+
69
+ # Perform pooling. In this case, mean pooling.
70
+ sentence_embeddings = mean_pooling(model_output, encoded_input['attention_mask'])
71
+
72
+ print("Sentence embeddings:")
73
+ print(sentence_embeddings)
74
+ ```
75
+
76
+
77
+
78
+ ## Evaluation Results
79
+
80
+ <!--- Describe how your model was evaluated -->
81
+
82
+ For an automated evaluation of this model, see the *Sentence Embeddings Benchmark*: [https://seb.sbert.net](https://seb.sbert.net?model_name={MODEL_NAME})
83
+
84
+
85
+ ## Training
86
+ The model was trained with the parameters:
87
+
88
+ **DataLoader**:
89
+
90
+ `torch.utils.data.dataloader.DataLoader` of length 253 with parameters:
91
+ ```
92
+ {'batch_size': 75, 'sampler': 'torch.utils.data.sampler.RandomSampler', 'batch_sampler': 'torch.utils.data.sampler.BatchSampler'}
93
+ ```
94
+
95
+ **Loss**:
96
+
97
+ `sentence_transformers.losses.AnglELoss.AnglELoss` with parameters:
98
+ ```
99
+ {'scale': 20.0, 'similarity_fct': 'pairwise_angle_sim'}
100
+ ```
101
+
102
+ Parameters of the fit()-Method:
103
+ ```
104
+ {
105
+ "epochs": 20,
106
+ "evaluation_steps": 26,
107
+ "evaluator": "sentence_transformers.evaluation.EmbeddingSimilarityEvaluator.EmbeddingSimilarityEvaluator",
108
+ "max_grad_norm": 1,
109
+ "optimizer_class": "<class 'torch.optim.adamw.AdamW'>",
110
+ "optimizer_params": {
111
+ "lr": 1e-05
112
+ },
113
+ "scheduler": "WarmupLinear",
114
+ "steps_per_epoch": 253,
115
+ "warmup_steps": 506,
116
+ "weight_decay": 0.01
117
+ }
118
+ ```
119
+
120
+
121
+ ## Full Model Architecture
122
+ ```
123
+ SentenceTransformer(
124
+ (0): Transformer({'max_seq_length': 128, 'do_lower_case': False}) with Transformer model: BertModel
125
+ (1): Pooling({'word_embedding_dimension': 1024, 'pooling_mode_cls_token': False, 'pooling_mode_mean_tokens': True, 'pooling_mode_max_tokens': False, 'pooling_mode_mean_sqrt_len_tokens': False, 'pooling_mode_weightedmean_tokens': False, 'pooling_mode_lasttoken': False, 'include_prompt': True})
126
+ )
127
+ ```
128
+
129
+ ## Citing & Authors
130
+
131
+ <!--- Describe where people can find more information -->
config.json ADDED
@@ -0,0 +1,32 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_name_or_path": "models/bertimbau-335m-europarl-eubookshop-ted2020-tatoeba-ct1-nli-gist10-v3",
3
+ "architectures": [
4
+ "BertModel"
5
+ ],
6
+ "attention_probs_dropout_prob": 0.1,
7
+ "classifier_dropout": null,
8
+ "directionality": "bidi",
9
+ "hidden_act": "gelu",
10
+ "hidden_dropout_prob": 0.1,
11
+ "hidden_size": 1024,
12
+ "initializer_range": 0.02,
13
+ "intermediate_size": 4096,
14
+ "layer_norm_eps": 1e-12,
15
+ "max_position_embeddings": 512,
16
+ "model_type": "bert",
17
+ "num_attention_heads": 16,
18
+ "num_hidden_layers": 24,
19
+ "output_past": true,
20
+ "pad_token_id": 0,
21
+ "pooler_fc_size": 768,
22
+ "pooler_num_attention_heads": 12,
23
+ "pooler_num_fc_layers": 3,
24
+ "pooler_size_per_head": 128,
25
+ "pooler_type": "first_token_transform",
26
+ "position_embedding_type": "absolute",
27
+ "torch_dtype": "float32",
28
+ "transformers_version": "4.39.3",
29
+ "type_vocab_size": 2,
30
+ "use_cache": true,
31
+ "vocab_size": 29794
32
+ }
config_sentence_transformers.json ADDED
@@ -0,0 +1,9 @@
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "__version__": {
3
+ "sentence_transformers": "2.6.1",
4
+ "transformers": "4.39.3",
5
+ "pytorch": "2.2.2+cu121"
6
+ },
7
+ "prompts": {},
8
+ "default_prompt_name": null
9
+ }
eval/similarity_evaluation_assin-ptbr-test_results.csv ADDED
@@ -0,0 +1,2 @@
 
 
 
1
+ epoch,steps,cosine_pearson,cosine_spearman,euclidean_pearson,euclidean_spearman,manhattan_pearson,manhattan_spearman,dot_pearson,dot_spearman
2
+ -1,-1,0.8138600919615187,0.7977713687011527,0.8247022497189493,0.8027006473458795,0.8239010357041957,0.801558756548337,0.7812375178467237,0.762358203002527
eval/similarity_evaluation_assin-ptpt-test_results.csv ADDED
@@ -0,0 +1,2 @@
 
 
 
1
+ epoch,steps,cosine_pearson,cosine_spearman,euclidean_pearson,euclidean_spearman,manhattan_pearson,manhattan_spearman,dot_pearson,dot_spearman
2
+ -1,-1,0.825843460254658,0.8210186770603135,0.8294873306358647,0.8198745900654728,0.8282092577773816,0.8181867708958612,0.7965664883496952,0.7933136098386931
eval/similarity_evaluation_assin2-test_results.csv ADDED
@@ -0,0 +1,2 @@
 
 
 
1
+ epoch,steps,cosine_pearson,cosine_spearman,euclidean_pearson,euclidean_spearman,manhattan_pearson,manhattan_spearman,dot_pearson,dot_spearman
2
+ -1,-1,0.8601521276447252,0.8323475611585354,0.8441468804996282,0.8317085141052287,0.8439260447081153,0.8314017251435526,0.8448990825138911,0.8058027123973086
eval/similarity_evaluation_iris-sts-test_results.csv ADDED
@@ -0,0 +1,2 @@
 
 
 
1
+ epoch,steps,cosine_pearson,cosine_spearman,euclidean_pearson,euclidean_spearman,manhattan_pearson,manhattan_spearman,dot_pearson,dot_spearman
2
+ -1,-1,0.8286983072093528,0.8225747363740773,0.8085895174978276,0.8142284490192426,0.8084870772410082,0.8136072215011048,0.822530948426382,0.8219779446427846
eval/similarity_evaluation_stsb-multi-mt-pt-test_results.csv ADDED
@@ -0,0 +1,2 @@
 
 
 
1
+ epoch,steps,cosine_pearson,cosine_spearman,euclidean_pearson,euclidean_spearman,manhattan_pearson,manhattan_spearman,dot_pearson,dot_spearman
2
+ -1,-1,0.8444233679612433,0.8485618181849602,0.8319090652861046,0.844440043883229,0.8323194238038486,0.8447479410897777,0.8281878170798076,0.8299955526761081
eval/similarity_evaluation_validation_results.csv ADDED
@@ -0,0 +1,201 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ epoch,steps,cosine_pearson,cosine_spearman,euclidean_pearson,euclidean_spearman,manhattan_pearson,manhattan_spearman,dot_pearson,dot_spearman
2
+ 0,26,0.8404862979733577,0.8442032181881839,0.8233321942780671,0.8393702847595513,0.8228953299754578,0.8389617577273342,0.8330191329592761,0.8340053066924391
3
+ 0,52,0.8441385084386361,0.8477703487887954,0.826800475950205,0.8431260815074163,0.8263854850899044,0.8427082177896348,0.8362432724577655,0.837131125238329
4
+ 0,78,0.8486071214649209,0.8522597234915239,0.8313892401653161,0.8478122291726976,0.8309784676993136,0.8473402220442637,0.840105702935338,0.8409451945545052
5
+ 0,104,0.8521560081816966,0.8561749840177867,0.8356091061122437,0.8520247033195786,0.8352078379711052,0.8515203124519316,0.8424906041597752,0.8432746604350466
6
+ 0,130,0.8545523316941874,0.8592546883555083,0.839096722722274,0.8554581673395564,0.8386899758133414,0.8549184099978804,0.8433906100692259,0.844547448896755
7
+ 0,156,0.8546257050074373,0.8607220514382707,0.840705989784794,0.8570469471342614,0.8402982149263049,0.8564828442010753,0.8419906491547996,0.8443642904858196
8
+ 0,182,0.854720258843737,0.8619979268577603,0.8431746297279658,0.8591874168560926,0.8427824415551728,0.8586473731850713,0.8380572223492485,0.841213343545523
9
+ 0,208,0.8548935850128588,0.8638197464747537,0.8460844353943471,0.8616206492478806,0.845682203896994,0.8611269774033522,0.8339063123461089,0.838211237379265
10
+ 0,234,0.8504986790064566,0.8630996361268141,0.8456756584697125,0.8620092563400281,0.8452948927999954,0.8616470726213624,0.8218562912147894,0.8285720327161088
11
+ 0,-1,0.8492418706097421,0.8633844149005214,0.8459478088471271,0.86275262024364,0.845587682178977,0.8624110416714209,0.8159484301004961,0.8234874479290988
12
+ 1,26,0.8539385103784644,0.8672792645933742,0.8499895954517093,0.8666944875759683,0.8496562826555876,0.8663645615421344,0.816802436148777,0.8235944530120723
13
+ 1,52,0.8603814393165924,0.8708855210861085,0.8539760425801383,0.8707376924378429,0.8536634630009223,0.8703932487803083,0.8176556545437619,0.8231391373219952
14
+ 1,78,0.8640649558673243,0.8736699436162285,0.8574546422872024,0.8733788616923376,0.8570920499566352,0.8730269052041666,0.822013999359843,0.8258307770100828
15
+ 1,104,0.8656699013233844,0.8754009774151186,0.8587611354801696,0.874703018658895,0.8584564025723236,0.8743254936243465,0.8255369730074066,0.8293562795204835
16
+ 1,130,0.8673533939869269,0.8766016857049692,0.8589495137342125,0.8760296147694927,0.8587762496736259,0.8758021316766157,0.8205559450681973,0.8247075874317584
17
+ 1,156,0.8706479136943946,0.8782172582281463,0.8613538308978158,0.8774391487993608,0.8611660108047153,0.8771395022288301,0.8261872386044421,0.8284974530736404
18
+ 1,182,0.8705264305714392,0.8786821744538076,0.8607479252866467,0.878182966866693,0.8605682030770493,0.8779389657645942,0.8236870638087787,0.8279001317579378
19
+ 1,208,0.8732998176164316,0.8794659149492131,0.8630252703571364,0.8784797778182339,0.8627332294046924,0.8780692949021138,0.8363323261725069,0.8372558551517059
20
+ 1,234,0.8745468063177387,0.8814700602433446,0.8650982236525918,0.8809395631663683,0.8648907486886657,0.8807061011442102,0.8370202924141261,0.8379700323854478
21
+ 1,-1,0.8732250777712818,0.881553055994679,0.8641378758207623,0.8803335386408815,0.8637782332864571,0.8798861032394808,0.8385573130327727,0.8406160604957438
22
+ 2,26,0.8774889681412678,0.8813635300068466,0.8647328184519488,0.8805355590287635,0.8644944962784991,0.8800394422563025,0.8456406259797756,0.844862426854383
23
+ 2,52,0.8745678898026175,0.8821727200627257,0.8635951881517194,0.8812598753021158,0.8633213034725586,0.8808169237488765,0.8448834163412733,0.847261282351406
24
+ 2,78,0.8751783694181673,0.8829320492528895,0.8651478467095507,0.8820698272690058,0.8649545552862736,0.8818247299617723,0.8479557214583902,0.8500566654436292
25
+ 2,104,0.8763313193655436,0.8831302234988122,0.8640180188401432,0.8828159971573921,0.863928474290035,0.8826383934653927,0.8467351818942715,0.849786595317979
26
+ 2,130,0.8777780369803077,0.8833686368467324,0.8646456878497977,0.8829474986518513,0.8644028061744834,0.8826325577770886,0.8478644480488213,0.8501834000820129
27
+ 2,156,0.8777692664462697,0.8828417652372891,0.8646342913779066,0.8819356804025482,0.8642772387614991,0.8815195633568548,0.8492287574195617,0.8509145736400054
28
+ 2,182,0.8787347577766791,0.8842616629120363,0.8658532100684038,0.8837683564915214,0.8656882121843978,0.883616223677448,0.8453089340329772,0.8469806746701245
29
+ 2,208,0.8781328176988168,0.8847051651970321,0.865122289038136,0.8838162945706413,0.864870915718071,0.8835754998899419,0.8433805077539628,0.8463387745049561
30
+ 2,234,0.8796590785651767,0.884119867642521,0.8648086210318157,0.8832520896503255,0.8646102234090003,0.8829995145658139,0.8384685656668115,0.8407678746610919
31
+ 2,-1,0.8805917649243552,0.8847723285109382,0.865615645759881,0.8836931371324223,0.8654180392170386,0.8834242044836593,0.8373572553758003,0.8390236810862958
32
+ 3,26,0.8830231307635584,0.8849611754233058,0.8661407727637814,0.8843049467247687,0.8660949872810902,0.8842155121456912,0.8446163257124518,0.844532376923854
33
+ 3,52,0.8816618331643741,0.884821326201977,0.8646589797842549,0.8830816892021693,0.8644179929155725,0.8826975618686306,0.8483303049510894,0.849312258740333
34
+ 3,78,0.8818113480567995,0.8851747790737091,0.8650999832177959,0.8836758704961741,0.8649022771110101,0.8833820012082598,0.8467529952562781,0.8473365617137594
35
+ 3,104,0.8809233633567551,0.8850312918952341,0.8644282031662703,0.8835686284593396,0.8641841291696428,0.8831958827086274,0.8507942383848359,0.8526379670617998
36
+ 3,130,0.8814420525034837,0.8855023478456617,0.8647149523661961,0.8846489195127564,0.8645767950810817,0.8843662376347676,0.8492354891876832,0.8514478204481655
37
+ 3,156,0.8821239086188948,0.8855841162525794,0.8655013214507342,0.8845376981156156,0.8652978746432336,0.8841571461777719,0.8495102585892764,0.8512395549219647
38
+ 3,182,0.8823137942620942,0.8856872372191474,0.8655266980482822,0.8843077535274098,0.8652552046681614,0.8837780153464916,0.8501089499549328,0.8521834653100484
39
+ 3,208,0.8820291322811717,0.8855481194514235,0.8655111018420573,0.8846755600118532,0.8652444726592667,0.8841697174476327,0.8507855863734076,0.8538779159539872
40
+ 3,234,0.8818635713510272,0.8845989201334112,0.864751288178644,0.8836819668985166,0.8645316635144686,0.8831776584285231,0.8501334506227771,0.8525707070521374
41
+ 3,-1,0.8826364459701488,0.8853073326895183,0.8652888513756591,0.8833444171746554,0.8650686014423017,0.8829159572159503,0.8554124492758683,0.8576055294000896
42
+ 4,26,0.8817155030669268,0.8836215260893099,0.8622534742500658,0.8820799423345722,0.8621523485657884,0.8817432151626999,0.8568162869191973,0.8591898680452527
43
+ 4,52,0.8834678754259181,0.8862496918352523,0.8654875782313166,0.8846455601251175,0.8653276548611006,0.884246559163709,0.8581304115510926,0.8607829352185424
44
+ 4,78,0.8835507928641864,0.8858843916261984,0.8645599351935815,0.8837984719969806,0.8644041675098605,0.8834280091829488,0.8598452017375361,0.8624541973141341
45
+ 4,104,0.8832141990323353,0.8861479513538468,0.8641700180844977,0.8839036358865058,0.8639167455668612,0.8834485143463366,0.8579655175235912,0.8611718163680356
46
+ 4,130,0.8831705617631092,0.8863349751595746,0.864525564637247,0.8849530868699718,0.8643228460879453,0.8845323892064438,0.8563266243535232,0.8594428381096129
47
+ 4,156,0.8830161554774156,0.8862689673468643,0.8645880483241238,0.884791937961037,0.8643716282267713,0.8843711085378873,0.8547740431499179,0.8578238328943926
48
+ 4,182,0.883256334916533,0.8862669173287421,0.8648082627329238,0.8845657874371884,0.8645201084807547,0.8841150491031459,0.8546817408915405,0.8576903341644209
49
+ 4,208,0.8827282205885464,0.8858558873527632,0.8644271958795373,0.8844662485889012,0.8641300317381438,0.8839554780268516,0.8579750077713175,0.8611248914025152
50
+ 4,234,0.8838899299839086,0.8864676800695663,0.865780790577332,0.8851645338936244,0.8655832527114846,0.884838109879569,0.8590489077274854,0.86138502143768
51
+ 4,-1,0.883759370296246,0.8862144822601077,0.8647583069395954,0.8851420012548749,0.86455464569721,0.8846864639055093,0.856422971188231,0.8593386392923857
52
+ 5,26,0.8833760021677107,0.8860466813758299,0.8635720852860694,0.884442339808738,0.8633112861658592,0.8839684163678674,0.8567489417548452,0.8603903111828474
53
+ 5,52,0.8837230557380316,0.886343115788605,0.8642424590837641,0.8847659963665163,0.8640138020540598,0.8844003778567305,0.8549237013759587,0.858158353877321
54
+ 5,78,0.8840158233101041,0.8863683727819243,0.8640967213814039,0.8840893781590146,0.8638341503761802,0.8837043491851438,0.8575481230287054,0.860579764647366
55
+ 5,104,0.8843024378762525,0.8875066283248995,0.8651147708537907,0.8853723047635653,0.86477295369508,0.8849229262168407,0.8573605150436633,0.8610982222031883
56
+ 5,130,0.8850334423481183,0.8871550910034032,0.8663829996383676,0.8847131028105305,0.8659552334445451,0.8841247922364825,0.8568272473611847,0.8589056464076372
57
+ 5,156,0.8853322607929699,0.8863953174046758,0.866327720987242,0.884731993084558,0.8659658568414645,0.8841771680228426,0.8572374291517564,0.8581525763904795
58
+ 5,182,0.8862447526231022,0.8878963676458583,0.8666832572236826,0.8860262890786645,0.8663565433866237,0.8855153253323034,0.8594032462152673,0.8612170182131023
59
+ 5,208,0.8854051004345068,0.887814785572606,0.8653622150749511,0.8854276524627598,0.8650007885684091,0.8849324907356702,0.8593171733482745,0.8623870495040694
60
+ 5,234,0.8858925781842726,0.8872171073659799,0.866417592401922,0.8850505486623967,0.8660528038360158,0.8844432408719332,0.858468505154795,0.8600480274057583
61
+ 5,-1,0.8846009674558974,0.8861620121811022,0.8647063034272287,0.8843444355513539,0.8643864248114427,0.8838230539273851,0.8559617665869691,0.8584224838556785
62
+ 6,26,0.8844489296655945,0.8863362248266202,0.8639899718953736,0.8838247973960841,0.8636250150071656,0.8832587045326699,0.8583280942210441,0.86121214810933
63
+ 6,52,0.8844811902481825,0.8870832615706482,0.863549483804411,0.8844204619896961,0.8631966244936496,0.8838824271667587,0.8587889694096748,0.862834195600227
64
+ 6,78,0.8854250008288541,0.8873844352198493,0.8645286912287997,0.8843631898456733,0.8641073494856711,0.8837621562712251,0.8602729404855205,0.8636297812667909
65
+ 6,104,0.8846146710291167,0.8868990710486959,0.8640813923027931,0.8843165157675089,0.8636620107234894,0.88379105981038,0.8583706984813869,0.8624235874355494
66
+ 6,130,0.8847901211999705,0.8866523524832489,0.86380413793255,0.8839492314493941,0.863367072355339,0.8833226377009861,0.860919705983596,0.8644662233867686
67
+ 6,156,0.8845148595105933,0.8869278985184095,0.8636957977705856,0.8840243838703752,0.8631515057819514,0.8832650624775954,0.8589634913298764,0.8630697846632559
68
+ 6,182,0.8843750967397138,0.8865978250006388,0.8638079675911279,0.8843403298266412,0.8632947267633009,0.8836817786653992,0.8575290596522213,0.8611507537211078
69
+ 6,208,0.8846147538775485,0.8867833091113895,0.8630836148235684,0.8839640314497582,0.862553006387459,0.8832834966973884,0.8579500083369026,0.8620674264107926
70
+ 6,234,0.8849790038704287,0.8874029251681429,0.8647793487975904,0.8852117939582761,0.8642657458514738,0.8845152877465087,0.8542990842533789,0.8584635512833917
71
+ 6,-1,0.8846578408539248,0.8867574667019138,0.8640901372750687,0.8842299537667695,0.8635537899054696,0.8835011762313191,0.8546420540782571,0.8586153757326954
72
+ 7,26,0.884868590429969,0.8865012621793713,0.8646798480082941,0.8838705243163116,0.864078001532497,0.8830984654094886,0.8585243479385612,0.861566614949629
73
+ 7,52,0.8848381141966609,0.8865986139829835,0.8637161902582879,0.8840630763551922,0.8631837408644937,0.8833264109418089,0.8590277083659609,0.8626938985787851
74
+ 7,78,0.8850995021122714,0.8871264898677199,0.8632200190691283,0.8836948366265437,0.862668546077923,0.8829312156452638,0.8603012582583497,0.8644527016317092
75
+ 7,104,0.8850395907168074,0.8872170124753027,0.8638339865496423,0.8845865209682882,0.8633039577033513,0.8837887143529586,0.8575288866397651,0.8617788219735931
76
+ 7,130,0.8847494492399479,0.8873460009539337,0.8627079769919382,0.8831633983708191,0.8620722948752557,0.8823098160590575,0.8609529185576434,0.8655621426783652
77
+ 7,156,0.8850118412834626,0.8867667888022124,0.8629985960297546,0.8839106436068057,0.8624746507954166,0.8832244912168279,0.8590237760836161,0.8629568782934463
78
+ 7,182,0.8849251077241695,0.8871207399926977,0.8630455682136431,0.8840968881135176,0.8625230469267989,0.8834152234585344,0.8603450198370804,0.8647141409717994
79
+ 7,208,0.8845359296524634,0.8866211520430383,0.8629730025372293,0.8838739119585753,0.8624080498162126,0.8831682417256032,0.860721264819339,0.8649538800326385
80
+ 7,234,0.8857585940735463,0.8874336216682075,0.8647613246307375,0.8851063855604447,0.8643096920050442,0.88458392858149,0.8635307679362043,0.8668095786830031
81
+ 7,-1,0.885474820498519,0.8878058153008827,0.8651115176074442,0.8854732908096326,0.8646551322885228,0.8849113229591291,0.8624238672578671,0.8661196051420913
82
+ 8,26,0.8847148935549605,0.8866646098852905,0.8635946502453975,0.884307636271126,0.8630889948695802,0.8836868834803796,0.8585763708801012,0.8627234414198826
83
+ 8,52,0.8850443597109504,0.8871275920294355,0.863392646824053,0.8831004521883868,0.8628484713365298,0.8823718950826311,0.8613262253369207,0.8656496268659406
84
+ 8,78,0.8853094610166797,0.8871200656851947,0.8635468727969106,0.8838475318162649,0.8630420331169071,0.883224298771118,0.861415483336658,0.865697068140225
85
+ 8,104,0.8849665494158556,0.8870123331634768,0.863436704333904,0.8842560622574847,0.8629636725477521,0.8836591318250243,0.8606442333389449,0.8653103199590206
86
+ 8,130,0.88456406598979,0.8869060404389105,0.8632809355383403,0.8837418627481496,0.8627372071528648,0.8831341815413841,0.8597699791298626,0.8647966454490552
87
+ 8,156,0.8849703686206521,0.8868551322628672,0.8636535077065128,0.8842532207804793,0.8631573367112008,0.8836601101075633,0.8598914940944837,0.8645490344995845
88
+ 8,182,0.8852884797029266,0.8876045884368291,0.864026426083755,0.8848151910026689,0.8635227305172535,0.8841208896947657,0.8626725858467457,0.8674154706688224
89
+ 8,208,0.8856166290740778,0.8877570042849713,0.8644646236742065,0.8848945248449774,0.8639688359575215,0.8842521673677401,0.8620725872914329,0.8666549079392167
90
+ 8,234,0.8857752244258423,0.887633873141913,0.8648148934722916,0.8850136810470284,0.8642952525076733,0.8843137678459603,0.8612117569966554,0.8654276395321112
91
+ 8,-1,0.8851894991429735,0.8872213482711311,0.8639156812094252,0.8845114305605838,0.8634229045982152,0.8839353261982523,0.8610762280207958,0.8654135648365787
92
+ 9,26,0.8850289118560584,0.886678348648944,0.863340256133931,0.883919683949122,0.862881094280368,0.8833880572400915,0.8616541454407108,0.8655522591783636
93
+ 9,52,0.8855423872618816,0.8874218560670224,0.8637641773820072,0.8845042098153642,0.8633067786601654,0.8839143443980813,0.8614983990090446,0.8659611778292853
94
+ 9,78,0.8855269588073262,0.8878540767484487,0.8638860474606878,0.8847422262460785,0.8634111794778218,0.8840916952437927,0.8613547909531413,0.8664114912373262
95
+ 9,104,0.88621192268391,0.8873625304656811,0.8647140625785064,0.8843654773951949,0.8642091711353749,0.8837374393081161,0.861300654364871,0.8648035920488185
96
+ 9,130,0.8862117820596753,0.8877882239315897,0.8645904985623908,0.8846417659680902,0.8640457745281165,0.8838915477240471,0.8607313627959187,0.8649454611558852
97
+ 9,156,0.886359905541931,0.8878596959595061,0.8640227287003744,0.8845952893176501,0.8635190032490163,0.883900288866232,0.8616411424703235,0.8660406001560674
98
+ 9,182,0.8860721764551859,0.8877369544356792,0.863873611530727,0.8846002863922336,0.8633174516668171,0.8838928136760722,0.8617063043733075,0.8661996779491269
99
+ 9,208,0.8867373295998359,0.8881302486961975,0.8646535532533065,0.8846195876653326,0.8640535745108294,0.8838024915201858,0.8614494052061847,0.865742519111666
100
+ 9,234,0.886256357837107,0.8877082528471596,0.8640041049540407,0.8841949185115113,0.8634387435400614,0.8835003946268711,0.8607771014603394,0.865197495186441
101
+ 9,-1,0.8852986907862511,0.8874027728726007,0.8628900199729623,0.8842344990403099,0.8623174050122938,0.8834606583711442,0.8609085390318022,0.8662883119693386
102
+ 10,26,0.8859812414915036,0.887608258927668,0.8639727562009839,0.8845486233896018,0.8634437750973666,0.8838545962664477,0.8621310390065019,0.8666324046809749
103
+ 10,52,0.8859794780448913,0.8878570243444471,0.863883836284486,0.8848271472692103,0.8633620007429302,0.8841102369011109,0.8624320591310967,0.8673600148621756
104
+ 10,78,0.8859913490372101,0.8878435944139964,0.8639959242019716,0.884870692624505,0.8634708330116443,0.8842277459138113,0.8631549988951055,0.8680583647120859
105
+ 10,104,0.8859693183035743,0.8879926666022733,0.8639346434012642,0.8848810428549038,0.8634241026357398,0.8842634568089878,0.8649139061435828,0.8698864898709814
106
+ 10,130,0.8858484894733558,0.8881233337968771,0.8641508087221549,0.8848333142680931,0.8636301187179455,0.8841354654700564,0.865208313251915,0.8701166710272423
107
+ 10,156,0.8856009358614368,0.8875169017748745,0.8636632195635167,0.8848896506561739,0.8632096105289198,0.8843170829174757,0.8646808286541672,0.8694397996485043
108
+ 10,182,0.8859642050359717,0.8882034935515463,0.8640519245137324,0.885266630179407,0.8635710706983162,0.8847270959908031,0.864615536957762,0.8696840636453363
109
+ 10,208,0.8855145487744546,0.8878083124540087,0.8629087295473957,0.8845164287079614,0.8624304334426656,0.8838424299223335,0.8636109565422907,0.8690604719990119
110
+ 10,234,0.8861512539168841,0.8881927190765037,0.8639544469702636,0.8848270715181175,0.8634378910290865,0.8841396403695422,0.8630186889544963,0.8679912189080707
111
+ 10,-1,0.8859200083431352,0.8878683346841996,0.8637381312852623,0.8847793565978099,0.8632353225925355,0.8840900142602138,0.8617374405030856,0.8668065408973284
112
+ 11,26,0.8855198210132991,0.8875305004717597,0.8627151225830445,0.8840080818626822,0.8622068997707563,0.8833231366847816,0.8625168561149817,0.8678661568345698
113
+ 11,52,0.8857362908999452,0.8876681523618418,0.8623993913126519,0.8835943397462374,0.861898081139978,0.882878891489771,0.8625199275877119,0.8682743490311042
114
+ 11,78,0.8858181917445314,0.8877949142923146,0.863197940100538,0.8842418327907101,0.8627559306603824,0.8836137950295555,0.8638327865150968,0.8692653651216874
115
+ 11,104,0.8858677431772518,0.8880281716700333,0.8629746212865016,0.8839552676389152,0.862475339656978,0.883247349960038,0.8650128344117785,0.8706079179175044
116
+ 11,130,0.8854296617171524,0.8877350639286697,0.8621390676976819,0.8836155660700836,0.8616348802662643,0.8829666983445202,0.8632427023566388,0.8694245360050891
117
+ 11,156,0.8854123061197127,0.8878962882165043,0.8622918055822532,0.883949637756538,0.8617702883947064,0.8832453360644529,0.8624028550279007,0.8686008146926588
118
+ 11,182,0.885766810780401,0.888089087665587,0.8627232208958898,0.884281594878397,0.8622131573688189,0.8835515109971365,0.8619494318507339,0.8679975662263962
119
+ 11,208,0.8857414249014839,0.8878240970838135,0.8627670634852562,0.8841228729920462,0.862279384081711,0.8834519190743103,0.8623702219150154,0.8680742328553124
120
+ 11,234,0.8857327544765256,0.8875634204208799,0.8627541116899468,0.8838874134373002,0.8622502452276285,0.8832300981914447,0.86320913534681,0.8683843597648944
121
+ 11,-1,0.8856439684664036,0.8872063884194881,0.8628070216202453,0.8836539923792271,0.8622631938466682,0.8829417610336819,0.8632422931971173,0.8680842080395302
122
+ 12,26,0.8862844154761756,0.8881508649625587,0.8634715602470324,0.8848974864046689,0.8629703598618771,0.8841988627353904,0.8642627726408169,0.8694145781068042
123
+ 12,52,0.8859066946077265,0.8875013896938567,0.8620485065332876,0.8834951842865043,0.8615064109999743,0.8828248029716536,0.8651456912607182,0.8704119386365239
124
+ 12,78,0.8868796306753858,0.8885863342130582,0.8637877289551179,0.8849205658528325,0.863287582189491,0.8842171542192621,0.8645618808983524,0.8695850738206381
125
+ 12,104,0.8865144628739262,0.8881733889251724,0.8629087189295006,0.8840490118133002,0.8623666359275374,0.8833450694548454,0.8636023731566933,0.869079062910218
126
+ 12,130,0.8868437299460221,0.8881320538339154,0.8634936110610049,0.8839469458664295,0.8629538186585375,0.8832530845946607,0.8637733257650952,0.8686959364587227
127
+ 12,156,0.8868284116436126,0.8884673494393205,0.8635860466166037,0.884718979270178,0.863079636882918,0.8840759401433205,0.8634044293292196,0.8687609454283521
128
+ 12,182,0.886897338560207,0.8885210653954739,0.8630379620544973,0.8842326851675227,0.8625037775427531,0.8834688610543278,0.8636765613550099,0.8694175911982907
129
+ 12,208,0.8866962987494583,0.88822741899453,0.8634696580028072,0.8844868853813109,0.8629664563664999,0.8837829269973201,0.862615997057727,0.8680735094176236
130
+ 12,234,0.8866529672789679,0.8885495707503881,0.8628871245088032,0.8840523771128324,0.8623705599877081,0.8833024354362129,0.8645388316465943,0.8703058370507794
131
+ 12,-1,0.8860939911198151,0.8878708653413494,0.8620572942905054,0.8836734747516243,0.8615703919012148,0.8829628806896639,0.8637582848210207,0.8695804662505437
132
+ 13,26,0.8857013664550941,0.8879875716721771,0.8619915636889655,0.8845464342395698,0.861511363737619,0.8839107533290935,0.862871458905312,0.8692006740308527
133
+ 13,52,0.8857917749821748,0.8876643535204435,0.8616145546794213,0.8837284299180851,0.8611099729349734,0.8830414201292737,0.8642425688225709,0.8701028185157575
134
+ 13,78,0.8859985701275056,0.8877082389575052,0.8622240581183804,0.8841120252585948,0.8617053350716913,0.8834142363939225,0.8641517554280476,0.8696634794720192
135
+ 13,104,0.886180190082702,0.8879886159551407,0.8622085541407571,0.8840806372527634,0.8616724204512068,0.8833522612702738,0.8651305979283075,0.8707377358430265
136
+ 13,130,0.8870352695804908,0.8886468061141499,0.8629583535631978,0.8840585397145131,0.8623960315079676,0.8833052049661748,0.8662739469498294,0.8715620913226413
137
+ 13,156,0.8868469242364742,0.8885687489028788,0.8631874451064508,0.8846635303378668,0.8626434457369503,0.8839647408915986,0.8647222519215193,0.8701098434698673
138
+ 13,182,0.8868733651483214,0.8883586965210111,0.8626082319165148,0.8835584185424445,0.8620012142318226,0.882796519759259,0.8663335159598207,0.871597683681484
139
+ 13,208,0.8860494765916794,0.887527108899301,0.8618637451604323,0.883344132292622,0.8612867639879787,0.8825695562703942,0.864693121757662,0.870122751606946
140
+ 13,234,0.8855971133168152,0.887363550543443,0.8618703218665337,0.8835235040295026,0.8613608961820037,0.8828015090689509,0.8642530021737869,0.8698282237408698
141
+ 13,-1,0.8856696992893869,0.8874987967372857,0.8619419929712672,0.8834709813273792,0.8614166319020123,0.882714418989576,0.8652586359459431,0.8707740352500811
142
+ 14,26,0.8852678898549914,0.8871363631383521,0.861554430338212,0.8835696942627668,0.8610540228144649,0.8828139509278263,0.863755977575783,0.8695594608744817
143
+ 14,52,0.8854571510450554,0.8873069643134417,0.8614255557182419,0.8833940430170063,0.8608805761873964,0.882709366876543,0.8641051859827334,0.8700458340140368
144
+ 14,78,0.8856568901092213,0.8874057848068808,0.8615499411503492,0.883387554244007,0.8610164431812165,0.8827332685546593,0.8638677727561384,0.8697138096819954
145
+ 14,104,0.8860552521380014,0.8878173906318331,0.8619415267920194,0.8835740793734135,0.8613763399349185,0.8828782011792428,0.8640189538373626,0.869792986993418
146
+ 14,130,0.8859901365392056,0.8875692563918585,0.8616582896880374,0.8832023300077905,0.8611204685108543,0.882567328885995,0.8635141859744966,0.8691758263550844
147
+ 14,156,0.8859193816094616,0.8875862530833916,0.8612024946186283,0.8828742220423966,0.8606325310913987,0.882181583458746,0.8641003584771066,0.8700686274090621
148
+ 14,182,0.8857034514002663,0.887499101291761,0.8610422664850232,0.8831143351356978,0.8605157214103085,0.8824368711038343,0.8636127914285723,0.8697091546271735
149
+ 14,208,0.885587722548956,0.8872112751777936,0.8611974714385978,0.8829029851072551,0.8606989901995128,0.8822261236251518,0.863361431016997,0.8692477876240782
150
+ 14,234,0.8854794768352169,0.8871325512307812,0.8613435021770205,0.8827997193409287,0.8608170704936381,0.8821259236598866,0.8631480104247035,0.8689073757350183
151
+ 14,-1,0.8850869779734479,0.8870654187951883,0.8605465711493944,0.8823600518557588,0.8599985004064118,0.8816198955712892,0.8633612125065402,0.8695652646239137
152
+ 15,26,0.8855773021313428,0.8875293229669253,0.8616056740382867,0.8834734807207949,0.8610685906145956,0.8827920765405326,0.8639967571247033,0.8698429469008653
153
+ 15,52,0.8855854382119219,0.8875381162188166,0.8614583761290027,0.8834895891796163,0.8609360445771114,0.8827997217592931,0.8648116626357412,0.8707392825841785
154
+ 15,78,0.8858401324769632,0.8876781404863049,0.8616418024337335,0.8833340505385627,0.8610996501783775,0.8825889443219018,0.8650024270865592,0.8709064762842518
155
+ 15,104,0.8859778271519173,0.8876433338560296,0.8621208757525729,0.8834321723562248,0.8616042214647052,0.8827870671731595,0.8645101533315587,0.8700663648554654
156
+ 15,130,0.8857405442943237,0.8875208861273053,0.8611829406517132,0.8825989050390263,0.8606459980194274,0.8819002888008548,0.8651397200607436,0.8712019304729376
157
+ 15,156,0.8857695267883605,0.8875025299496533,0.8614908112153552,0.8828750426746823,0.8609446481306718,0.8821845302527158,0.8641442094765694,0.8701737439055804
158
+ 15,182,0.8857699531084042,0.8875940665324917,0.8616354798271264,0.8831134176897445,0.8610947818255962,0.8823874448288741,0.8641491462126628,0.8702381602816157
159
+ 15,208,0.885925528616238,0.887849717653471,0.8620276080441309,0.883720411620391,0.8615104924228028,0.8830381519810946,0.863599749192026,0.86967942085343
160
+ 15,234,0.8857765146919836,0.8875835655547517,0.8616341297840026,0.8832037381459587,0.861134186029036,0.8825908376398931,0.8641132194265108,0.870140594234934
161
+ 15,-1,0.8855638313017402,0.8874185579912485,0.8615747215764816,0.8834744988321322,0.861087532537806,0.8828940275003323,0.86353689211495,0.8696817976531742
162
+ 16,26,0.8854257447508836,0.8875471078702736,0.8615216460411769,0.8837401612006163,0.8610427412390205,0.8831190545252345,0.8634347032611478,0.8698349642358936
163
+ 16,52,0.8855027162415765,0.887639630632936,0.8610551645097493,0.8832893295237265,0.8605870403001333,0.8827235634125845,0.8646529018453256,0.8710878636442029
164
+ 16,78,0.8854937757563769,0.8874512815289768,0.8612003651932547,0.8833342961222069,0.860777177055495,0.8828519475346682,0.864201398844743,0.8704370875728913
165
+ 16,104,0.8857321048878747,0.887641950893093,0.8613020743341068,0.8832612470330063,0.8608734173669202,0.8826881976555466,0.8645784887103549,0.8706914847297582
166
+ 16,130,0.8855006670468546,0.8874589686297433,0.8609299171658247,0.8830915481469461,0.8604924954391531,0.8824741921615415,0.8645670609038483,0.870864014658708
167
+ 16,156,0.8852604154982998,0.8872951323566166,0.8606125491130943,0.8828266071589588,0.8601596776152016,0.8821993104825507,0.8645288278490642,0.8709558264688017
168
+ 16,182,0.8857187517369292,0.88785765217082,0.861339590744826,0.8834890569474895,0.8608799729470437,0.8828618088351349,0.8650462468883321,0.8714280159165512
169
+ 16,208,0.8857646758444375,0.8878594810157929,0.8615490753460955,0.8837502824142528,0.861088252523373,0.8831230777894594,0.8645126014754563,0.8707821908903164
170
+ 16,234,0.8855894313930527,0.8875161036703296,0.8611943746595525,0.8832755233520647,0.8607336965810736,0.882683574345912,0.8643828856311649,0.870525798083316
171
+ 16,-1,0.8855462272320437,0.8875371779731223,0.8611006727386276,0.8831940504310822,0.8606479169053493,0.8826145083194157,0.8642716862881142,0.8704515623980252
172
+ 17,26,0.8853478835221812,0.8873226852422816,0.8606545629754129,0.8826911479201515,0.8601683622244395,0.8820507224508433,0.8642478465381018,0.870546571928825
173
+ 17,52,0.8851832377875035,0.8872197758444225,0.8604277014836643,0.8825119143096036,0.8599405363872947,0.8818952686531641,0.8644073549729222,0.8707047637381284
174
+ 17,78,0.8852373804336302,0.8873416236538655,0.8607663608773675,0.8828624886319347,0.8602900037509666,0.8822677943504547,0.8641178459222609,0.8704461926973652
175
+ 17,104,0.8850114935094543,0.8872092878811622,0.8605749112489529,0.8828410757746946,0.8601093233872826,0.8822415468303807,0.8640277390920454,0.8704259434451727
176
+ 17,130,0.8850412178528089,0.8872930063871793,0.8608380292956701,0.883238161578257,0.8603716483534556,0.882626272356165,0.8638700139645935,0.8702673421300544
177
+ 17,156,0.8849310997126306,0.8870847348566755,0.8605215509182482,0.8829029465387638,0.8600620510870951,0.8822880741684713,0.8637297498988293,0.8701240271212375
178
+ 17,182,0.8849348348440598,0.8869873413170978,0.8605013655560017,0.8827606247456822,0.8600466137059709,0.8821746433826767,0.8633807843980138,0.8696769585701274
179
+ 17,208,0.8850227476355664,0.8870479818204312,0.8606218889284258,0.8827908692106088,0.8601682403926174,0.8822101505955788,0.8633566333020278,0.8696725930524116
180
+ 17,234,0.8851027617653873,0.8869835551124055,0.8605965392828516,0.8826020944171982,0.8601426136887289,0.8819809824575213,0.8633239919914031,0.8695624645642056
181
+ 17,-1,0.885246416760067,0.8871161468143854,0.8607075732013292,0.8826974396579161,0.8602507772062125,0.882108576039548,0.8634203119748275,0.869635084741416
182
+ 18,26,0.8852706893648207,0.8871447167001473,0.8606310083125915,0.882745117894326,0.860165701620397,0.8821314187570177,0.8636820264785465,0.8699748329224554
183
+ 18,52,0.8853449775450472,0.8873022942053127,0.8606432651413228,0.8827828541129404,0.8601649564314786,0.8821360463145269,0.8640046766816292,0.8703544468447277
184
+ 18,78,0.8854689237833187,0.8874512105606405,0.8608951292968043,0.8830293024905822,0.8604145064742598,0.882425626375145,0.8641336589592677,0.8704714369312911
185
+ 18,104,0.8854726166100119,0.8875250766342992,0.8607876795192403,0.8828545619307957,0.8603040241222039,0.8822727798559772,0.8643432341678104,0.870770837837104
186
+ 18,130,0.8854117343076593,0.8874939027419707,0.8606631514017535,0.8828868173467905,0.860186545807077,0.8822990088220355,0.8641965589870791,0.87070315850586
187
+ 18,156,0.8853468361150844,0.8874097537195658,0.8605849074378701,0.8828282784726741,0.8601141805185564,0.8822372162469057,0.8641857252701604,0.8707013354481014
188
+ 18,182,0.8852967359172781,0.887267419840293,0.8605906322695837,0.8826959267128822,0.8601244438962681,0.8821088506553041,0.8640351855224907,0.8703989775825001
189
+ 18,208,0.8853814655608667,0.8873068398489246,0.8607557563329947,0.8828264201819003,0.8602853628495701,0.8822548086187908,0.8639886602039565,0.8702934419027972
190
+ 18,234,0.8854854524013059,0.8874422655837513,0.8608432320628274,0.8828883298011374,0.8603680096931702,0.8823063655309705,0.8642238269989725,0.8705790937343366
191
+ 18,-1,0.8854869429689072,0.8874430119123174,0.8607645701850772,0.8828006744210541,0.860282317157447,0.8822264086682989,0.8643745805405029,0.8707597915257616
192
+ 19,26,0.8853573857888515,0.8873394864493105,0.860522556119016,0.8826570654600298,0.8600438362587314,0.8820502451776949,0.8643132504082093,0.8707718590419243
193
+ 19,52,0.8853101432652081,0.8873488046346225,0.8605604175125181,0.882768111654679,0.860088112867282,0.882195111210249,0.8640799610186086,0.8705732963717919
194
+ 19,78,0.8852787537383707,0.8873337237675472,0.8605729748185668,0.8828313693999088,0.860105465870192,0.8822277353547916,0.8638473121836677,0.8703518670942121
195
+ 19,104,0.8853336000748308,0.887399212726242,0.8606415525699169,0.8829065324451811,0.8601780866031917,0.882310934238625,0.8638029538045617,0.8703133944476541
196
+ 19,130,0.8853619333626939,0.8874402774862574,0.8606308458980351,0.8829002212622477,0.8601663487676432,0.8823000614540144,0.8638476250747217,0.8703828289758809
197
+ 19,156,0.8853202495526926,0.8874053901153778,0.8605262104132263,0.8828009625775392,0.8600606561588465,0.8822120616273011,0.8639004284211202,0.8704662127261189
198
+ 19,182,0.885310373379042,0.8874208728593904,0.8604871327512764,0.8827507867143243,0.8600204821073658,0.8821766905782424,0.8639301277426633,0.870524314264179
199
+ 19,208,0.8852745918176226,0.8873787723159547,0.8604593422534911,0.8827516446862275,0.8599933887515895,0.8821814214782153,0.8638978414708146,0.8704987696781817
200
+ 19,234,0.8852673583435028,0.8873625096273956,0.8604670623498529,0.8827708370922352,0.8600010818418167,0.8821842807552328,0.8638717786825837,0.8704751993999634
201
+ 19,-1,0.8852666445778024,0.8873625453037018,0.8604700002828609,0.8827749919150346,0.8600038223905516,0.882180309556537,0.8638691077075189,0.8704649902389551
model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:de5eef389cc1fce1f8e31e5cdf9ed78432057c84c69a2124ef0c6bd460d2fc99
3
+ size 1337630536
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
+ ]
sentence_bert_config.json ADDED
@@ -0,0 +1,4 @@
 
 
 
 
 
1
+ {
2
+ "max_seq_length": 128,
3
+ "do_lower_case": false
4
+ }
special_tokens_map.json ADDED
@@ -0,0 +1,37 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "cls_token": {
3
+ "content": "[CLS]",
4
+ "lstrip": false,
5
+ "normalized": false,
6
+ "rstrip": false,
7
+ "single_word": false
8
+ },
9
+ "mask_token": {
10
+ "content": "[MASK]",
11
+ "lstrip": false,
12
+ "normalized": false,
13
+ "rstrip": false,
14
+ "single_word": false
15
+ },
16
+ "pad_token": {
17
+ "content": "[PAD]",
18
+ "lstrip": false,
19
+ "normalized": false,
20
+ "rstrip": false,
21
+ "single_word": false
22
+ },
23
+ "sep_token": {
24
+ "content": "[SEP]",
25
+ "lstrip": false,
26
+ "normalized": false,
27
+ "rstrip": false,
28
+ "single_word": false
29
+ },
30
+ "unk_token": {
31
+ "content": "[UNK]",
32
+ "lstrip": false,
33
+ "normalized": false,
34
+ "rstrip": false,
35
+ "single_word": false
36
+ }
37
+ }
tokenizer.json ADDED
The diff for this file is too large to render. See raw diff
 
tokenizer_config.json ADDED
@@ -0,0 +1,64 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "added_tokens_decoder": {
3
+ "0": {
4
+ "content": "[PAD]",
5
+ "lstrip": false,
6
+ "normalized": false,
7
+ "rstrip": false,
8
+ "single_word": false,
9
+ "special": true
10
+ },
11
+ "100": {
12
+ "content": "[UNK]",
13
+ "lstrip": false,
14
+ "normalized": false,
15
+ "rstrip": false,
16
+ "single_word": false,
17
+ "special": true
18
+ },
19
+ "101": {
20
+ "content": "[CLS]",
21
+ "lstrip": false,
22
+ "normalized": false,
23
+ "rstrip": false,
24
+ "single_word": false,
25
+ "special": true
26
+ },
27
+ "102": {
28
+ "content": "[SEP]",
29
+ "lstrip": false,
30
+ "normalized": false,
31
+ "rstrip": false,
32
+ "single_word": false,
33
+ "special": true
34
+ },
35
+ "103": {
36
+ "content": "[MASK]",
37
+ "lstrip": false,
38
+ "normalized": false,
39
+ "rstrip": false,
40
+ "single_word": false,
41
+ "special": true
42
+ }
43
+ },
44
+ "clean_up_tokenization_spaces": true,
45
+ "cls_token": "[CLS]",
46
+ "do_basic_tokenize": true,
47
+ "do_lower_case": false,
48
+ "mask_token": "[MASK]",
49
+ "max_length": 128,
50
+ "model_max_length": 1000000000000000019884624838656,
51
+ "never_split": null,
52
+ "pad_to_multiple_of": null,
53
+ "pad_token": "[PAD]",
54
+ "pad_token_type_id": 0,
55
+ "padding_side": "right",
56
+ "sep_token": "[SEP]",
57
+ "stride": 0,
58
+ "strip_accents": null,
59
+ "tokenize_chinese_chars": true,
60
+ "tokenizer_class": "BertTokenizer",
61
+ "truncation_side": "right",
62
+ "truncation_strategy": "longest_first",
63
+ "unk_token": "[UNK]"
64
+ }
train-config.yaml ADDED
@@ -0,0 +1,12 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ trainer: "sts"
2
+ model_name: "bertimbau-335m-europarl-eubookshop-ted2020-tatoeba-ct1-nli-gist10-sts-angle20-v3"
3
+ base_model_name: "bertimbau-335m-europarl-eubookshop-ted2020-tatoeba-ct1-nli-gist10-v3"
4
+ loss_function: "angle"
5
+ seed: 1
6
+ learning_rate: 1e-5
7
+ warmup_ratio: 0.1
8
+ weight_decay: 0.01
9
+ batch_size: 75
10
+ use_amp: True
11
+ epochs: 20
12
+ validations_per_epoch: 10
vocab.txt ADDED
The diff for this file is too large to render. See raw diff