NenJa commited on
Commit
02c349e
1 Parent(s): 8e9c699

Add embedding models

Browse files
models/bge-small_finetuned/1_Pooling/config.json ADDED
@@ -0,0 +1,10 @@
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "word_embedding_dimension": 384,
3
+ "pooling_mode_cls_token": true,
4
+ "pooling_mode_mean_tokens": false,
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
+ }
models/bge-small_finetuned/README.md ADDED
@@ -0,0 +1,92 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ library_name: sentence-transformers
3
+ pipeline_tag: sentence-similarity
4
+ tags:
5
+ - sentence-transformers
6
+ - feature-extraction
7
+ - sentence-similarity
8
+
9
+ ---
10
+
11
+ # {MODEL_NAME}
12
+
13
+ This is a [sentence-transformers](https://www.SBERT.net) model: It maps sentences & paragraphs to a 384 dimensional dense vector space and can be used for tasks like clustering or semantic search.
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
+ ## Evaluation Results
39
+
40
+ <!--- Describe how your model was evaluated -->
41
+
42
+ For an automated evaluation of this model, see the *Sentence Embeddings Benchmark*: [https://seb.sbert.net](https://seb.sbert.net?model_name={MODEL_NAME})
43
+
44
+
45
+ ## Training
46
+ The model was trained with the parameters:
47
+
48
+ **DataLoader**:
49
+
50
+ `torch.utils.data.dataloader.DataLoader` of length 66 with parameters:
51
+ ```
52
+ {'batch_size': 16, 'sampler': 'torch.utils.data.sampler.SequentialSampler', 'batch_sampler': 'torch.utils.data.sampler.BatchSampler'}
53
+ ```
54
+
55
+ **Loss**:
56
+
57
+ `sentence_transformers.losses.MultipleNegativesRankingLoss.MultipleNegativesRankingLoss` with parameters:
58
+ ```
59
+ {'scale': 20.0, 'similarity_fct': 'cos_sim'}
60
+ ```
61
+
62
+ Parameters of the fit()-Method:
63
+ ```
64
+ {
65
+ "epochs": 40,
66
+ "evaluation_steps": 50,
67
+ "evaluator": "sentence_transformers.evaluation.InformationRetrievalEvaluator.InformationRetrievalEvaluator",
68
+ "max_grad_norm": 1,
69
+ "optimizer_class": "<class 'torch.optim.adamw.AdamW'>",
70
+ "optimizer_params": {
71
+ "lr": 2e-05
72
+ },
73
+ "scheduler": "WarmupLinear",
74
+ "steps_per_epoch": null,
75
+ "warmup_steps": 264,
76
+ "weight_decay": 0.01
77
+ }
78
+ ```
79
+
80
+
81
+ ## Full Model Architecture
82
+ ```
83
+ SentenceTransformer(
84
+ (0): Transformer({'max_seq_length': 512, 'do_lower_case': True}) with Transformer model: BertModel
85
+ (1): Pooling({'word_embedding_dimension': 384, 'pooling_mode_cls_token': True, 'pooling_mode_mean_tokens': False, 'pooling_mode_max_tokens': False, 'pooling_mode_mean_sqrt_len_tokens': False, 'pooling_mode_weightedmean_tokens': False, 'pooling_mode_lasttoken': False, 'include_prompt': True})
86
+ (2): Normalize()
87
+ )
88
+ ```
89
+
90
+ ## Citing & Authors
91
+
92
+ <!--- Describe where people can find more information -->
models/bge-small_finetuned/config.json ADDED
@@ -0,0 +1,31 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_name_or_path": "BAAI/bge-small-en",
3
+ "architectures": [
4
+ "BertModel"
5
+ ],
6
+ "attention_probs_dropout_prob": 0.1,
7
+ "classifier_dropout": null,
8
+ "hidden_act": "gelu",
9
+ "hidden_dropout_prob": 0.1,
10
+ "hidden_size": 384,
11
+ "id2label": {
12
+ "0": "LABEL_0"
13
+ },
14
+ "initializer_range": 0.02,
15
+ "intermediate_size": 1536,
16
+ "label2id": {
17
+ "LABEL_0": 0
18
+ },
19
+ "layer_norm_eps": 1e-12,
20
+ "max_position_embeddings": 512,
21
+ "model_type": "bert",
22
+ "num_attention_heads": 12,
23
+ "num_hidden_layers": 12,
24
+ "pad_token_id": 0,
25
+ "position_embedding_type": "absolute",
26
+ "torch_dtype": "float32",
27
+ "transformers_version": "4.39.3",
28
+ "type_vocab_size": 2,
29
+ "use_cache": true,
30
+ "vocab_size": 30522
31
+ }
models/bge-small_finetuned/config_sentence_transformers.json ADDED
@@ -0,0 +1,9 @@
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "__version__": {
3
+ "sentence_transformers": "2.2.2",
4
+ "transformers": "4.28.1",
5
+ "pytorch": "1.13.0+cu117"
6
+ },
7
+ "prompts": {},
8
+ "default_prompt_name": null
9
+ }
models/bge-small_finetuned/eval/Information-Retrieval_evaluation_results.csv ADDED
@@ -0,0 +1,81 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ epoch,steps,cos_sim-Accuracy@1,cos_sim-Accuracy@3,cos_sim-Accuracy@5,cos_sim-Accuracy@10,cos_sim-Precision@1,cos_sim-Recall@1,cos_sim-Precision@3,cos_sim-Recall@3,cos_sim-Precision@5,cos_sim-Recall@5,cos_sim-Precision@10,cos_sim-Recall@10,cos_sim-MRR@10,cos_sim-NDCG@10,cos_sim-MAP@100,dot_score-Accuracy@1,dot_score-Accuracy@3,dot_score-Accuracy@5,dot_score-Accuracy@10,dot_score-Precision@1,dot_score-Recall@1,dot_score-Precision@3,dot_score-Recall@3,dot_score-Precision@5,dot_score-Recall@5,dot_score-Precision@10,dot_score-Recall@10,dot_score-MRR@10,dot_score-NDCG@10,dot_score-MAP@100
2
+ 0,50,0.5466666666666666,0.6933333333333334,0.76,0.8622222222222222,0.5466666666666666,0.5466666666666666,0.2311111111111111,0.6933333333333334,0.15200000000000002,0.76,0.08622222222222221,0.8622222222222222,0.6398130511463844,0.6927816793441469,0.6479533362127511,0.5466666666666666,0.6933333333333334,0.76,0.8622222222222222,0.5466666666666666,0.5466666666666666,0.2311111111111111,0.6933333333333334,0.15200000000000002,0.76,0.08622222222222221,0.8622222222222222,0.6398130511463844,0.6927816793441469,0.6479533362127511
3
+ 0,-1,0.5511111111111111,0.7022222222222222,0.76,0.8755555555555555,0.5511111111111111,0.5511111111111111,0.23407407407407407,0.7022222222222222,0.15200000000000002,0.76,0.08755555555555555,0.8755555555555555,0.6471375661375659,0.7014704759327335,0.6544374548485316,0.5511111111111111,0.7022222222222222,0.76,0.8755555555555555,0.5511111111111111,0.5511111111111111,0.23407407407407407,0.7022222222222222,0.15200000000000002,0.76,0.08755555555555555,0.8755555555555555,0.6471375661375659,0.7014704759327335,0.6544374548485316
4
+ 1,50,0.5733333333333334,0.72,0.7777777777777778,0.8844444444444445,0.5733333333333334,0.5733333333333334,0.23999999999999996,0.72,0.15555555555555556,0.7777777777777778,0.08844444444444444,0.8844444444444445,0.6654197530864194,0.717454918511496,0.6721458282286233,0.5733333333333334,0.72,0.7777777777777778,0.8844444444444445,0.5733333333333334,0.5733333333333334,0.23999999999999996,0.72,0.15555555555555556,0.7777777777777778,0.08844444444444444,0.8844444444444445,0.6654197530864194,0.717454918511496,0.6721458282286233
5
+ 1,-1,0.5822222222222222,0.7288888888888889,0.7866666666666666,0.8933333333333333,0.5822222222222222,0.5822222222222222,0.2429629629629629,0.7288888888888889,0.15733333333333335,0.7866666666666666,0.08933333333333333,0.8933333333333333,0.6740670194003525,0.7260616758016557,0.6800635357104039,0.5822222222222222,0.7288888888888889,0.7866666666666666,0.8933333333333333,0.5822222222222222,0.5822222222222222,0.2429629629629629,0.7288888888888889,0.15733333333333335,0.7866666666666666,0.08933333333333333,0.8933333333333333,0.6740670194003525,0.7260616758016557,0.6800635357104039
6
+ 2,50,0.5955555555555555,0.7288888888888889,0.7911111111111111,0.8977777777777778,0.5955555555555555,0.5955555555555555,0.2429629629629629,0.7288888888888889,0.15822222222222224,0.7911111111111111,0.08977777777777778,0.8977777777777778,0.6849876543209872,0.7354011636163977,0.6905506787543586,0.5955555555555555,0.7288888888888889,0.7911111111111111,0.8977777777777778,0.5955555555555555,0.5955555555555555,0.2429629629629629,0.7288888888888889,0.15822222222222224,0.7911111111111111,0.08977777777777778,0.8977777777777778,0.6849876543209872,0.7354011636163977,0.6905506787543586
7
+ 2,-1,0.5955555555555555,0.7377777777777778,0.8,0.8977777777777778,0.5955555555555555,0.5955555555555555,0.2459259259259259,0.7377777777777778,0.16,0.8,0.08977777777777778,0.8977777777777778,0.6863915343915342,0.7366001998071182,0.6922351938185272,0.5955555555555555,0.7377777777777778,0.8,0.8977777777777778,0.5955555555555555,0.5955555555555555,0.2459259259259259,0.7377777777777778,0.16,0.8,0.08977777777777778,0.8977777777777778,0.6863915343915342,0.7366001998071182,0.6922351938185272
8
+ 3,50,0.5955555555555555,0.7377777777777778,0.7955555555555556,0.8888888888888888,0.5955555555555555,0.5955555555555555,0.2459259259259259,0.7377777777777778,0.1591111111111111,0.7955555555555556,0.08888888888888889,0.8888888888888888,0.6834902998236331,0.7323255326930967,0.6900108095283534,0.5955555555555555,0.7377777777777778,0.7955555555555556,0.8888888888888888,0.5955555555555555,0.5955555555555555,0.2459259259259259,0.7377777777777778,0.1591111111111111,0.7955555555555556,0.08888888888888889,0.8888888888888888,0.6834902998236331,0.7323255326930967,0.6900108095283534
9
+ 3,-1,0.5955555555555555,0.7466666666666667,0.8044444444444444,0.8888888888888888,0.5955555555555555,0.5955555555555555,0.24888888888888888,0.7466666666666667,0.16088888888888891,0.8044444444444444,0.08888888888888889,0.8888888888888888,0.685744268077601,0.7342313652932884,0.692364792164594,0.5955555555555555,0.7466666666666667,0.8044444444444444,0.8888888888888888,0.5955555555555555,0.5955555555555555,0.24888888888888888,0.7466666666666667,0.16088888888888891,0.8044444444444444,0.08888888888888889,0.8888888888888888,0.685744268077601,0.7342313652932884,0.692364792164594
10
+ 4,50,0.6,0.7288888888888889,0.7866666666666666,0.8888888888888888,0.6,0.6,0.24296296296296296,0.7288888888888889,0.15733333333333333,0.7866666666666666,0.08888888888888889,0.8888888888888888,0.682537918871252,0.7313682843278371,0.6891590040565699,0.6,0.7288888888888889,0.7866666666666666,0.8888888888888888,0.6,0.6,0.24296296296296296,0.7288888888888889,0.15733333333333333,0.7866666666666666,0.08888888888888889,0.8888888888888888,0.682537918871252,0.7313682843278371,0.6891590040565699
11
+ 4,-1,0.6,0.7288888888888889,0.8088888888888889,0.8888888888888888,0.6,0.6,0.24296296296296296,0.7288888888888889,0.16177777777777777,0.8088888888888889,0.08888888888888889,0.8888888888888888,0.6829717813051143,0.7317856936845293,0.6896250824514581,0.6,0.7288888888888889,0.8088888888888889,0.8888888888888888,0.6,0.6,0.24296296296296296,0.7288888888888889,0.16177777777777777,0.8088888888888889,0.08888888888888889,0.8888888888888888,0.6829717813051143,0.7317856936845293,0.6896250824514581
12
+ 5,50,0.5688888888888889,0.7155555555555555,0.7955555555555556,0.8888888888888888,0.5688888888888889,0.5688888888888889,0.23851851851851855,0.7155555555555555,0.1591111111111111,0.7955555555555556,0.08888888888888889,0.8888888888888888,0.6642292768959432,0.7176675992635081,0.6708262454206726,0.5688888888888889,0.7155555555555555,0.7955555555555556,0.8888888888888888,0.5688888888888889,0.5688888888888889,0.23851851851851855,0.7155555555555555,0.1591111111111111,0.7955555555555556,0.08888888888888889,0.8888888888888888,0.6642292768959432,0.7176675992635081,0.6708262454206726
13
+ 5,-1,0.5733333333333334,0.7111111111111111,0.7866666666666666,0.8711111111111111,0.5733333333333334,0.5733333333333334,0.23703703703703702,0.7111111111111111,0.15733333333333333,0.7866666666666666,0.08711111111111111,0.8711111111111111,0.6596666666666665,0.7099009056912629,0.6677321572855105,0.5733333333333334,0.7111111111111111,0.7866666666666666,0.8711111111111111,0.5733333333333334,0.5733333333333334,0.23703703703703702,0.7111111111111111,0.15733333333333333,0.7866666666666666,0.08711111111111111,0.8711111111111111,0.6596666666666665,0.7099009056912629,0.6677321572855105
14
+ 6,50,0.5644444444444444,0.6977777777777778,0.7644444444444445,0.8666666666666667,0.5644444444444444,0.5644444444444444,0.23259259259259257,0.6977777777777778,0.15288888888888888,0.7644444444444445,0.08666666666666667,0.8666666666666667,0.6532028218694883,0.7040016911715214,0.6611515183241105,0.5644444444444444,0.6977777777777778,0.7644444444444445,0.8666666666666667,0.5644444444444444,0.5644444444444444,0.23259259259259257,0.6977777777777778,0.15288888888888888,0.7644444444444445,0.08666666666666667,0.8666666666666667,0.6532028218694883,0.7040016911715214,0.6611515183241105
15
+ 6,-1,0.5688888888888889,0.6844444444444444,0.7777777777777778,0.8666666666666667,0.5688888888888889,0.5688888888888889,0.22814814814814813,0.6844444444444444,0.15555555555555556,0.7777777777777778,0.08666666666666667,0.8666666666666667,0.6559012345679011,0.7060022362393799,0.6637937520619186,0.5688888888888889,0.6844444444444444,0.7777777777777778,0.8666666666666667,0.5688888888888889,0.5688888888888889,0.22814814814814813,0.6844444444444444,0.15555555555555556,0.7777777777777778,0.08666666666666667,0.8666666666666667,0.6559012345679011,0.7060022362393799,0.6637937520619186
16
+ 7,50,0.56,0.68,0.76,0.8622222222222222,0.56,0.56,0.22666666666666666,0.68,0.15199999999999997,0.76,0.08622222222222221,0.8622222222222222,0.6444673721340388,0.6959675773134284,0.6522109302857302,0.56,0.68,0.76,0.8622222222222222,0.56,0.56,0.22666666666666666,0.68,0.15199999999999997,0.76,0.08622222222222221,0.8622222222222222,0.6444673721340388,0.6959675773134284,0.6522109302857302
17
+ 7,-1,0.5644444444444444,0.6844444444444444,0.7466666666666667,0.8533333333333334,0.5644444444444444,0.5644444444444444,0.22814814814814813,0.6844444444444444,0.14933333333333332,0.7466666666666667,0.08533333333333333,0.8533333333333334,0.6455220458553792,0.6944700708832768,0.6540856568879273,0.5644444444444444,0.6844444444444444,0.7466666666666667,0.8533333333333334,0.5644444444444444,0.5644444444444444,0.22814814814814813,0.6844444444444444,0.14933333333333332,0.7466666666666667,0.08533333333333333,0.8533333333333334,0.6455220458553792,0.6944700708832768,0.6540856568879273
18
+ 8,50,0.5644444444444444,0.6844444444444444,0.7466666666666667,0.8577777777777778,0.5644444444444444,0.5644444444444444,0.22814814814814813,0.6844444444444444,0.14933333333333332,0.7466666666666667,0.08577777777777779,0.8577777777777778,0.6472839506172837,0.6970087822451807,0.6552329466591806,0.5644444444444444,0.6844444444444444,0.7466666666666667,0.8577777777777778,0.5644444444444444,0.5644444444444444,0.22814814814814813,0.6844444444444444,0.14933333333333332,0.7466666666666667,0.08577777777777779,0.8577777777777778,0.6472839506172837,0.6970087822451807,0.6552329466591806
19
+ 8,-1,0.5644444444444444,0.6711111111111111,0.7466666666666667,0.8444444444444444,0.5644444444444444,0.5644444444444444,0.22370370370370368,0.6711111111111111,0.14933333333333332,0.7466666666666667,0.08444444444444445,0.8444444444444444,0.6446843033509698,0.6919693869707334,0.6535729574213281,0.5644444444444444,0.6711111111111111,0.7466666666666667,0.8444444444444444,0.5644444444444444,0.5644444444444444,0.22370370370370368,0.6711111111111111,0.14933333333333332,0.7466666666666667,0.08444444444444445,0.8444444444444444,0.6446843033509698,0.6919693869707334,0.6535729574213281
20
+ 9,50,0.5511111111111111,0.6888888888888889,0.7511111111111111,0.8488888888888889,0.5511111111111111,0.5511111111111111,0.22962962962962963,0.6888888888888889,0.1502222222222222,0.7511111111111111,0.08488888888888889,0.8488888888888889,0.640305114638448,0.6898655238862602,0.6490910450018231,0.5511111111111111,0.6888888888888889,0.7511111111111111,0.8488888888888889,0.5511111111111111,0.5511111111111111,0.22962962962962963,0.6888888888888889,0.1502222222222222,0.7511111111111111,0.08488888888888889,0.8488888888888889,0.640305114638448,0.6898655238862602,0.6490910450018231
21
+ 9,-1,0.5511111111111111,0.6666666666666666,0.7377777777777778,0.8533333333333334,0.5511111111111111,0.5511111111111111,0.22222222222222218,0.6666666666666666,0.14755555555555558,0.7377777777777778,0.08533333333333332,0.8533333333333334,0.6362557319223984,0.6872937670791639,0.6439456394547346,0.5511111111111111,0.6666666666666666,0.7377777777777778,0.8533333333333334,0.5511111111111111,0.5511111111111111,0.22222222222222218,0.6666666666666666,0.14755555555555558,0.7377777777777778,0.08533333333333332,0.8533333333333334,0.6362557319223984,0.6872937670791639,0.6439456394547346
22
+ 10,50,0.5511111111111111,0.6666666666666666,0.7333333333333333,0.8533333333333334,0.5511111111111111,0.5511111111111111,0.22222222222222218,0.6666666666666666,0.14666666666666667,0.7333333333333333,0.08533333333333334,0.8533333333333334,0.6351075837742504,0.6864368789237048,0.6432647392307078,0.5555555555555556,0.6666666666666666,0.7333333333333333,0.8533333333333334,0.5555555555555556,0.5555555555555556,0.22222222222222218,0.6666666666666666,0.14666666666666667,0.7333333333333333,0.08533333333333334,0.8533333333333334,0.6373298059964726,0.6880771911300538,0.64548696145293
23
+ 10,-1,0.5466666666666666,0.6622222222222223,0.7288888888888889,0.84,0.5466666666666666,0.5466666666666666,0.22074074074074074,0.6622222222222223,0.14577777777777776,0.7288888888888889,0.08399999999999999,0.84,0.6283298059964725,0.6783490922999537,0.6377817279197651,0.5466666666666666,0.6622222222222223,0.7288888888888889,0.84,0.5466666666666666,0.5466666666666666,0.22074074074074074,0.6622222222222223,0.14577777777777776,0.7288888888888889,0.08399999999999999,0.84,0.6283298059964725,0.6783490922999537,0.6377817279197651
24
+ 11,50,0.5333333333333333,0.6622222222222223,0.7244444444444444,0.8533333333333334,0.5333333333333333,0.5333333333333333,0.22074074074074074,0.6622222222222223,0.1448888888888889,0.7244444444444444,0.08533333333333332,0.8533333333333334,0.6225432098765433,0.6768728030789738,0.6306318745982635,0.5333333333333333,0.6622222222222223,0.7244444444444444,0.8533333333333334,0.5333333333333333,0.5333333333333333,0.22074074074074074,0.6622222222222223,0.1448888888888889,0.7244444444444444,0.08533333333333332,0.8533333333333334,0.6225432098765433,0.6768728030789738,0.6306318745982635
25
+ 11,-1,0.5422222222222223,0.6533333333333333,0.7066666666666667,0.8355555555555556,0.5422222222222223,0.5422222222222223,0.21777777777777776,0.6533333333333333,0.14133333333333334,0.7066666666666667,0.08355555555555555,0.8355555555555556,0.6226666666666668,0.6723972862863862,0.6318550001592552,0.5422222222222223,0.6533333333333333,0.7066666666666667,0.8355555555555556,0.5422222222222223,0.5422222222222223,0.21777777777777776,0.6533333333333333,0.14133333333333334,0.7066666666666667,0.08355555555555555,0.8355555555555556,0.6226666666666668,0.6723972862863862,0.6318550001592552
26
+ 12,50,0.5288888888888889,0.6533333333333333,0.7111111111111111,0.8444444444444444,0.5288888888888889,0.5288888888888889,0.21777777777777776,0.6533333333333333,0.14222222222222222,0.7111111111111111,0.08444444444444445,0.8444444444444444,0.6153774250440918,0.669208398463124,0.624038424709322,0.5288888888888889,0.6533333333333333,0.7111111111111111,0.8444444444444444,0.5288888888888889,0.5288888888888889,0.21777777777777776,0.6533333333333333,0.14222222222222222,0.7111111111111111,0.08444444444444445,0.8444444444444444,0.6153774250440918,0.669208398463124,0.624038424709322
27
+ 12,-1,0.5288888888888889,0.6488888888888888,0.7111111111111111,0.84,0.5288888888888889,0.5288888888888889,0.2162962962962963,0.6488888888888888,0.14222222222222222,0.7111111111111111,0.08399999999999999,0.84,0.6142486772486772,0.6672619959984248,0.6230613062098991,0.5288888888888889,0.6488888888888888,0.7111111111111111,0.84,0.5288888888888889,0.5288888888888889,0.2162962962962963,0.6488888888888888,0.14222222222222222,0.7111111111111111,0.08399999999999999,0.84,0.6142486772486772,0.6672619959984248,0.6230613062098991
28
+ 13,50,0.5333333333333333,0.6577777777777778,0.7244444444444444,0.8444444444444444,0.5333333333333333,0.5333333333333333,0.21925925925925924,0.6577777777777778,0.1448888888888889,0.7244444444444444,0.08444444444444445,0.8444444444444444,0.6152186948853615,0.6689924326649609,0.6234955527981326,0.5333333333333333,0.6577777777777778,0.7244444444444444,0.8444444444444444,0.5333333333333333,0.5333333333333333,0.21925925925925924,0.6577777777777778,0.1448888888888889,0.7244444444444444,0.08444444444444445,0.8444444444444444,0.6152186948853615,0.6689924326649609,0.6234955527981326
29
+ 13,-1,0.52,0.6533333333333333,0.7066666666666667,0.8311111111111111,0.52,0.52,0.21777777777777776,0.6533333333333333,0.1413333333333333,0.7066666666666667,0.0831111111111111,0.8311111111111111,0.6074532627865961,0.6599900749426997,0.6162582267963057,0.52,0.6533333333333333,0.7066666666666667,0.8311111111111111,0.52,0.52,0.21777777777777776,0.6533333333333333,0.1413333333333333,0.7066666666666667,0.0831111111111111,0.8311111111111111,0.6074532627865961,0.6599900749426997,0.6162582267963057
30
+ 14,50,0.5377777777777778,0.6577777777777778,0.7155555555555555,0.8355555555555556,0.5377777777777778,0.5377777777777778,0.21925925925925924,0.6577777777777778,0.14311111111111113,0.7155555555555555,0.08355555555555555,0.8355555555555556,0.6195996472663138,0.6701736820646502,0.6281482625520721,0.5377777777777778,0.6577777777777778,0.7155555555555555,0.8355555555555556,0.5377777777777778,0.5377777777777778,0.21925925925925924,0.6577777777777778,0.14311111111111113,0.7155555555555555,0.08355555555555555,0.8355555555555556,0.6195996472663138,0.6701736820646502,0.6281482625520721
31
+ 14,-1,0.5377777777777778,0.6533333333333333,0.7244444444444444,0.8355555555555556,0.5377777777777778,0.5377777777777778,0.21777777777777776,0.6533333333333333,0.1448888888888889,0.7244444444444444,0.08355555555555555,0.8355555555555556,0.6194585537918871,0.6699920063389255,0.6279424002068232,0.5377777777777778,0.6533333333333333,0.7244444444444444,0.8355555555555556,0.5377777777777778,0.5377777777777778,0.21777777777777776,0.6533333333333333,0.1448888888888889,0.7244444444444444,0.08355555555555555,0.8355555555555556,0.6194585537918871,0.6699920063389255,0.6279424002068232
32
+ 15,50,0.5333333333333333,0.6311111111111111,0.7155555555555555,0.8088888888888889,0.5333333333333333,0.5333333333333333,0.21037037037037035,0.6311111111111111,0.14311111111111113,0.7155555555555555,0.08088888888888889,0.8088888888888889,0.6100811287477955,0.6570389793442057,0.6205928153017923,0.5333333333333333,0.6311111111111111,0.7155555555555555,0.8088888888888889,0.5333333333333333,0.5333333333333333,0.21037037037037035,0.6311111111111111,0.14311111111111113,0.7155555555555555,0.08088888888888889,0.8088888888888889,0.6100811287477955,0.6570389793442057,0.6205928153017923
33
+ 15,-1,0.5333333333333333,0.64,0.7111111111111111,0.8133333333333334,0.5333333333333333,0.5333333333333333,0.21333333333333335,0.64,0.14222222222222222,0.7111111111111111,0.08133333333333333,0.8133333333333334,0.6109594356261022,0.6586163800548523,0.6209756889207864,0.5333333333333333,0.64,0.7111111111111111,0.8133333333333334,0.5333333333333333,0.5333333333333333,0.21333333333333335,0.64,0.14222222222222222,0.7111111111111111,0.08133333333333333,0.8133333333333334,0.6109594356261022,0.6586163800548523,0.6209756889207864
34
+ 16,50,0.5377777777777778,0.6355555555555555,0.7244444444444444,0.8266666666666667,0.5377777777777778,0.5377777777777778,0.21185185185185185,0.6355555555555555,0.1448888888888889,0.7244444444444444,0.08266666666666665,0.8266666666666667,0.6145008818342151,0.6642994393505565,0.624126654222496,0.5377777777777778,0.6355555555555555,0.7244444444444444,0.8266666666666667,0.5377777777777778,0.5377777777777778,0.21185185185185185,0.6355555555555555,0.1448888888888889,0.7244444444444444,0.08266666666666665,0.8266666666666667,0.6145008818342151,0.6642994393505565,0.624126654222496
35
+ 16,-1,0.5422222222222223,0.6266666666666667,0.72,0.8088888888888889,0.5422222222222223,0.5422222222222223,0.2088888888888889,0.6266666666666667,0.14400000000000002,0.72,0.08088888888888887,0.8088888888888889,0.6132927689594359,0.6592896280283057,0.6242755373854687,0.5422222222222223,0.6266666666666667,0.72,0.8088888888888889,0.5422222222222223,0.5422222222222223,0.2088888888888889,0.6266666666666667,0.14400000000000002,0.72,0.08088888888888887,0.8088888888888889,0.6132927689594359,0.6592896280283057,0.6242755373854687
36
+ 17,50,0.5333333333333333,0.6355555555555555,0.7155555555555555,0.8177777777777778,0.5333333333333333,0.5333333333333333,0.21185185185185187,0.6355555555555555,0.1431111111111111,0.7155555555555555,0.08177777777777777,0.8177777777777778,0.6119153439153441,0.660498109302947,0.6221734980187322,0.5333333333333333,0.6355555555555555,0.7155555555555555,0.8177777777777778,0.5333333333333333,0.5333333333333333,0.21185185185185187,0.6355555555555555,0.1431111111111111,0.7155555555555555,0.08177777777777777,0.8177777777777778,0.6119153439153441,0.660498109302947,0.6221734980187322
37
+ 17,-1,0.5288888888888889,0.6355555555555555,0.7155555555555555,0.8222222222222222,0.5288888888888889,0.5288888888888889,0.21185185185185185,0.6355555555555555,0.1431111111111111,0.7155555555555555,0.08222222222222222,0.8222222222222222,0.6095008818342151,0.6595367088705472,0.619005506394636,0.5288888888888889,0.6355555555555555,0.7155555555555555,0.8222222222222222,0.5288888888888889,0.5288888888888889,0.21185185185185185,0.6355555555555555,0.1431111111111111,0.7155555555555555,0.08222222222222222,0.8222222222222222,0.6095008818342151,0.6595367088705472,0.619005506394636
38
+ 18,50,0.5333333333333333,0.6311111111111111,0.7066666666666667,0.8044444444444444,0.5333333333333333,0.5333333333333333,0.21037037037037035,0.6311111111111111,0.1413333333333333,0.7066666666666667,0.08044444444444446,0.8044444444444444,0.6072169312169313,0.653707916612902,0.6182417092756686,0.5333333333333333,0.6311111111111111,0.7066666666666667,0.8044444444444444,0.5333333333333333,0.5333333333333333,0.21037037037037035,0.6311111111111111,0.1413333333333333,0.7066666666666667,0.08044444444444446,0.8044444444444444,0.6072169312169313,0.653707916612902,0.6182417092756686
39
+ 18,-1,0.5333333333333333,0.6311111111111111,0.7022222222222222,0.8133333333333334,0.5333333333333333,0.5333333333333333,0.21037037037037035,0.6311111111111111,0.14044444444444443,0.7022222222222222,0.08133333333333333,0.8133333333333334,0.6076578483245149,0.6558514545978398,0.6176613729966299,0.5333333333333333,0.6311111111111111,0.7022222222222222,0.8133333333333334,0.5333333333333333,0.5333333333333333,0.21037037037037035,0.6311111111111111,0.14044444444444443,0.7022222222222222,0.08133333333333333,0.8133333333333334,0.6076578483245149,0.6558514545978398,0.6176613729966299
40
+ 19,50,0.5288888888888889,0.6311111111111111,0.6888888888888889,0.7955555555555556,0.5288888888888889,0.5288888888888889,0.21037037037037035,0.6311111111111111,0.13777777777777775,0.6888888888888889,0.07955555555555555,0.7955555555555556,0.6042927689594357,0.6494146751117603,0.6154319126284172,0.5288888888888889,0.6311111111111111,0.6888888888888889,0.7955555555555556,0.5288888888888889,0.5288888888888889,0.21037037037037035,0.6311111111111111,0.13777777777777775,0.6888888888888889,0.07955555555555555,0.7955555555555556,0.6042927689594357,0.6494146751117603,0.6154319126284172
41
+ 19,-1,0.5288888888888889,0.6311111111111111,0.6933333333333334,0.8,0.5288888888888889,0.5288888888888889,0.21037037037037035,0.6311111111111111,0.13866666666666666,0.6933333333333334,0.08,0.8,0.6054867724867725,0.6514121991321843,0.6163669153869813,0.5288888888888889,0.6311111111111111,0.6933333333333334,0.8,0.5288888888888889,0.5288888888888889,0.21037037037037035,0.6311111111111111,0.13866666666666666,0.6933333333333334,0.08,0.8,0.6054867724867725,0.6514121991321843,0.6163669153869813
42
+ 20,50,0.5244444444444445,0.6355555555555555,0.6844444444444444,0.7955555555555556,0.5244444444444445,0.5244444444444445,0.21185185185185185,0.6355555555555555,0.1368888888888889,0.6844444444444444,0.07955555555555555,0.7955555555555556,0.6015608465608466,0.6473840169271721,0.6126020822265865,0.5244444444444445,0.6355555555555555,0.6844444444444444,0.7955555555555556,0.5244444444444445,0.5244444444444445,0.21185185185185185,0.6355555555555555,0.1368888888888889,0.6844444444444444,0.07955555555555555,0.7955555555555556,0.6015608465608466,0.6473840169271721,0.6126020822265865
43
+ 20,-1,0.5288888888888889,0.6311111111111111,0.6933333333333334,0.7911111111111111,0.5288888888888889,0.5288888888888889,0.21037037037037035,0.6311111111111111,0.13866666666666666,0.6933333333333334,0.0791111111111111,0.7911111111111111,0.6020723104056437,0.6466687372869708,0.6135542190503622,0.5288888888888889,0.6311111111111111,0.6933333333333334,0.7911111111111111,0.5288888888888889,0.5288888888888889,0.21037037037037035,0.6311111111111111,0.13866666666666666,0.6933333333333334,0.0791111111111111,0.7911111111111111,0.6020723104056437,0.6466687372869708,0.6135542190503622
44
+ 21,50,0.5333333333333333,0.6311111111111111,0.6888888888888889,0.7955555555555556,0.5333333333333333,0.5333333333333333,0.21037037037037035,0.6311111111111111,0.13777777777777775,0.6888888888888889,0.07955555555555555,0.7955555555555556,0.6048500881834215,0.6497422944998308,0.616189262601266,0.5333333333333333,0.6311111111111111,0.6888888888888889,0.7955555555555556,0.5333333333333333,0.5333333333333333,0.21037037037037035,0.6311111111111111,0.13777777777777775,0.6888888888888889,0.07955555555555555,0.7955555555555556,0.6048500881834215,0.6497422944998308,0.616189262601266
45
+ 21,-1,0.5288888888888889,0.6311111111111111,0.6933333333333334,0.7955555555555556,0.5288888888888889,0.5288888888888889,0.21037037037037035,0.6311111111111111,0.13866666666666666,0.6933333333333334,0.07955555555555555,0.7955555555555556,0.604126984126984,0.6492498837729908,0.6152684825454063,0.5288888888888889,0.6311111111111111,0.6933333333333334,0.7955555555555556,0.5288888888888889,0.5288888888888889,0.21037037037037035,0.6311111111111111,0.13866666666666666,0.6933333333333334,0.07955555555555555,0.7955555555555556,0.604126984126984,0.6492498837729908,0.6152684825454063
46
+ 22,50,0.5333333333333333,0.6266666666666667,0.6933333333333334,0.8044444444444444,0.5333333333333333,0.5333333333333333,0.2088888888888889,0.6266666666666667,0.13866666666666666,0.6933333333333334,0.08044444444444446,0.8044444444444444,0.6059171075837742,0.6525204028416722,0.616332796030562,0.5333333333333333,0.6266666666666667,0.6933333333333334,0.8044444444444444,0.5333333333333333,0.5333333333333333,0.2088888888888889,0.6266666666666667,0.13866666666666666,0.6933333333333334,0.08044444444444446,0.8044444444444444,0.6059171075837742,0.6525204028416722,0.616332796030562
47
+ 22,-1,0.5333333333333333,0.6222222222222222,0.6977777777777778,0.8,0.5333333333333333,0.5333333333333333,0.20740740740740737,0.6222222222222222,0.13955555555555554,0.6977777777777778,0.08,0.8,0.6047142857142855,0.6505553257964597,0.6152525698165007,0.5333333333333333,0.6222222222222222,0.6977777777777778,0.8,0.5333333333333333,0.5333333333333333,0.20740740740740737,0.6222222222222222,0.13955555555555554,0.6977777777777778,0.08,0.8,0.6047142857142855,0.6505553257964597,0.6152525698165007
48
+ 23,50,0.5244444444444445,0.6177777777777778,0.6888888888888889,0.8044444444444444,0.5244444444444445,0.5244444444444445,0.2059259259259259,0.6177777777777778,0.13777777777777775,0.6888888888888889,0.08044444444444446,0.8044444444444444,0.5987724867724868,0.6469651120775655,0.6091078052470422,0.5244444444444445,0.6177777777777778,0.6888888888888889,0.8044444444444444,0.5244444444444445,0.5244444444444445,0.2059259259259259,0.6177777777777778,0.13777777777777775,0.6888888888888889,0.08044444444444446,0.8044444444444444,0.5987724867724868,0.6469651120775655,0.6091078052470422
49
+ 23,-1,0.5244444444444445,0.6177777777777778,0.6888888888888889,0.8044444444444444,0.5244444444444445,0.5244444444444445,0.2059259259259259,0.6177777777777778,0.13777777777777775,0.6888888888888889,0.08044444444444446,0.8044444444444444,0.5990388007054674,0.6472087789954977,0.6094401624210215,0.5244444444444445,0.6177777777777778,0.6888888888888889,0.8044444444444444,0.5244444444444445,0.5244444444444445,0.2059259259259259,0.6177777777777778,0.13777777777777775,0.6888888888888889,0.08044444444444446,0.8044444444444444,0.5990388007054674,0.6472087789954977,0.6094401624210215
50
+ 24,50,0.5288888888888889,0.6311111111111111,0.6755555555555556,0.7911111111111111,0.5288888888888889,0.5288888888888889,0.21037037037037035,0.6311111111111111,0.1351111111111111,0.6755555555555556,0.0791111111111111,0.7911111111111111,0.5980934744268077,0.6432958828964151,0.6091232636882773,0.5288888888888889,0.6311111111111111,0.6755555555555556,0.7911111111111111,0.5288888888888889,0.5288888888888889,0.21037037037037035,0.6311111111111111,0.1351111111111111,0.6755555555555556,0.0791111111111111,0.7911111111111111,0.5980934744268077,0.6432958828964151,0.6091232636882773
51
+ 24,-1,0.5288888888888889,0.6222222222222222,0.68,0.7911111111111111,0.5288888888888889,0.5288888888888889,0.2074074074074074,0.6222222222222222,0.13599999999999998,0.68,0.0791111111111111,0.7911111111111111,0.5994074074074073,0.6443821949543982,0.6105916401949634,0.5288888888888889,0.6222222222222222,0.68,0.7911111111111111,0.5288888888888889,0.5288888888888889,0.2074074074074074,0.6222222222222222,0.13599999999999998,0.68,0.0791111111111111,0.7911111111111111,0.5994074074074073,0.6443821949543982,0.6105916401949634
52
+ 25,50,0.5288888888888889,0.6222222222222222,0.68,0.8044444444444444,0.5288888888888889,0.5288888888888889,0.2074074074074074,0.6222222222222222,0.13599999999999998,0.68,0.08044444444444446,0.8044444444444444,0.6017037037037036,0.6490928646590989,0.6118698166825665,0.5288888888888889,0.6222222222222222,0.68,0.8044444444444444,0.5288888888888889,0.5288888888888889,0.2074074074074074,0.6222222222222222,0.13599999999999998,0.68,0.08044444444444446,0.8044444444444444,0.6017037037037036,0.6490928646590989,0.6118698166825665
53
+ 25,-1,0.5288888888888889,0.6222222222222222,0.6844444444444444,0.8,0.5288888888888889,0.5288888888888889,0.2074074074074074,0.6222222222222222,0.13688888888888887,0.6844444444444444,0.08,0.8,0.6015679012345678,0.6480350571632273,0.6120006244439062,0.5288888888888889,0.6222222222222222,0.6844444444444444,0.8,0.5288888888888889,0.5288888888888889,0.2074074074074074,0.6222222222222222,0.13688888888888887,0.6844444444444444,0.08,0.8,0.6015679012345678,0.6480350571632273,0.6120006244439062
54
+ 26,50,0.5333333333333333,0.6311111111111111,0.6888888888888889,0.8,0.5333333333333333,0.5333333333333333,0.21037037037037035,0.6311111111111111,0.13777777777777775,0.6888888888888889,0.08,0.8,0.6046843033509698,0.6504434524836781,0.615215873677556,0.5333333333333333,0.6311111111111111,0.6888888888888889,0.8,0.5333333333333333,0.5333333333333333,0.21037037037037035,0.6311111111111111,0.13777777777777775,0.6888888888888889,0.08,0.8,0.6046843033509698,0.6504434524836781,0.615215873677556
55
+ 26,-1,0.5333333333333333,0.6266666666666667,0.6844444444444444,0.7955555555555556,0.5333333333333333,0.5333333333333333,0.2088888888888889,0.6266666666666667,0.13688888888888887,0.6844444444444444,0.07955555555555555,0.7955555555555556,0.6035661375661374,0.6485595728770478,0.6143940752517895,0.5333333333333333,0.6266666666666667,0.6844444444444444,0.7955555555555556,0.5333333333333333,0.5333333333333333,0.2088888888888889,0.6266666666666667,0.13688888888888887,0.6844444444444444,0.07955555555555555,0.7955555555555556,0.6035661375661374,0.6485595728770478,0.6143940752517895
56
+ 27,50,0.5288888888888889,0.6266666666666667,0.68,0.8,0.5288888888888889,0.5288888888888889,0.2088888888888889,0.6266666666666667,0.13599999999999998,0.68,0.08,0.8,0.6019453262786596,0.6483617986962089,0.6123463988957341,0.5288888888888889,0.6266666666666667,0.68,0.8,0.5288888888888889,0.5288888888888889,0.2088888888888889,0.6266666666666667,0.13599999999999998,0.68,0.08,0.8,0.6019453262786596,0.6483617986962089,0.6123463988957341
57
+ 27,-1,0.5288888888888889,0.6266666666666667,0.68,0.8,0.5288888888888889,0.5288888888888889,0.2088888888888889,0.6266666666666667,0.13599999999999998,0.68,0.08,0.8,0.6017777777777776,0.6481959820966692,0.6122239389421333,0.5288888888888889,0.6266666666666667,0.68,0.8,0.5288888888888889,0.5288888888888889,0.2088888888888889,0.6266666666666667,0.13599999999999998,0.68,0.08,0.8,0.6017777777777776,0.6481959820966692,0.6122239389421333
58
+ 28,50,0.5288888888888889,0.6266666666666667,0.6755555555555556,0.8,0.5288888888888889,0.5288888888888889,0.2088888888888889,0.6266666666666667,0.1351111111111111,0.6755555555555556,0.08,0.8,0.6002945326278658,0.6469491567553212,0.6103926696593409,0.5288888888888889,0.6266666666666667,0.6755555555555556,0.8,0.5288888888888889,0.5288888888888889,0.2088888888888889,0.6266666666666667,0.1351111111111111,0.6755555555555556,0.08,0.8,0.6002945326278658,0.6469491567553212,0.6103926696593409
59
+ 28,-1,0.52,0.6266666666666667,0.68,0.7955555555555556,0.52,0.52,0.2088888888888889,0.6266666666666667,0.13599999999999998,0.68,0.07955555555555555,0.7955555555555556,0.5963492063492062,0.6432846540496593,0.6069658348861786,0.52,0.6266666666666667,0.68,0.7955555555555556,0.52,0.52,0.2088888888888889,0.6266666666666667,0.13599999999999998,0.68,0.07955555555555555,0.7955555555555556,0.5963492063492062,0.6432846540496593,0.6069658348861786
60
+ 29,50,0.5288888888888889,0.6311111111111111,0.6755555555555556,0.8044444444444444,0.5288888888888889,0.5288888888888889,0.21037037037037035,0.6311111111111111,0.1351111111111111,0.6755555555555556,0.08044444444444443,0.8044444444444444,0.6016278659611991,0.6491889620914729,0.6116893185860367,0.5288888888888889,0.6311111111111111,0.6755555555555556,0.8044444444444444,0.5288888888888889,0.5288888888888889,0.21037037037037035,0.6311111111111111,0.1351111111111111,0.6755555555555556,0.08044444444444443,0.8044444444444444,0.6016278659611991,0.6491889620914729,0.6116893185860367
61
+ 29,-1,0.5288888888888889,0.6266666666666667,0.6755555555555556,0.8044444444444444,0.5288888888888889,0.5288888888888889,0.2088888888888889,0.6266666666666667,0.1351111111111111,0.6755555555555556,0.08044444444444443,0.8044444444444444,0.6008253968253967,0.6484545490083933,0.6108375731423858,0.5288888888888889,0.6266666666666667,0.6755555555555556,0.8044444444444444,0.5288888888888889,0.5288888888888889,0.2088888888888889,0.6266666666666667,0.1351111111111111,0.6755555555555556,0.08044444444444443,0.8044444444444444,0.6008253968253967,0.6484545490083933,0.6108375731423858
62
+ 30,50,0.5333333333333333,0.6266666666666667,0.6755555555555556,0.8,0.5333333333333333,0.5333333333333333,0.2088888888888889,0.6266666666666667,0.1351111111111111,0.6755555555555556,0.08,0.8,0.6038941798941798,0.649777199765007,0.6141952612417779,0.5333333333333333,0.6266666666666667,0.6755555555555556,0.8,0.5333333333333333,0.5333333333333333,0.2088888888888889,0.6266666666666667,0.1351111111111111,0.6755555555555556,0.08,0.8,0.6038941798941798,0.649777199765007,0.6141952612417779
63
+ 30,-1,0.5288888888888889,0.6311111111111111,0.6755555555555556,0.8044444444444444,0.5288888888888889,0.5288888888888889,0.21037037037037035,0.6311111111111111,0.1351111111111111,0.6755555555555556,0.08044444444444443,0.8044444444444444,0.6019135802469134,0.649313630890078,0.6118893596715533,0.5288888888888889,0.6311111111111111,0.6755555555555556,0.8044444444444444,0.5288888888888889,0.5288888888888889,0.21037037037037035,0.6311111111111111,0.1351111111111111,0.6755555555555556,0.08044444444444443,0.8044444444444444,0.6019135802469134,0.649313630890078,0.6118893596715533
64
+ 31,50,0.5244444444444445,0.6266666666666667,0.68,0.8,0.5244444444444445,0.5244444444444445,0.2088888888888889,0.6266666666666667,0.13599999999999998,0.68,0.08,0.8,0.5985432098765432,0.6459194898774361,0.6089473691428359,0.5244444444444445,0.6266666666666667,0.68,0.8,0.5244444444444445,0.5244444444444445,0.2088888888888889,0.6266666666666667,0.13599999999999998,0.68,0.08,0.8,0.5985432098765432,0.6459194898774361,0.6089473691428359
65
+ 31,-1,0.5377777777777778,0.6266666666666667,0.6755555555555556,0.8,0.5377777777777778,0.5377777777777778,0.2088888888888889,0.6266666666666667,0.1351111111111111,0.6755555555555556,0.08,0.8,0.6050476190476188,0.6505391681572006,0.615281441953369,0.5377777777777778,0.6266666666666667,0.6755555555555556,0.8,0.5377777777777778,0.5377777777777778,0.2088888888888889,0.6266666666666667,0.1351111111111111,0.6755555555555556,0.08,0.8,0.6050476190476188,0.6505391681572006,0.615281441953369
66
+ 32,50,0.5288888888888889,0.6266666666666667,0.68,0.7911111111111111,0.5288888888888889,0.5288888888888889,0.2088888888888889,0.6266666666666667,0.13599999999999998,0.68,0.07911111111111112,0.7911111111111111,0.6004215167548499,0.6452301050810106,0.6113742153336572,0.5288888888888889,0.6266666666666667,0.68,0.7911111111111111,0.5288888888888889,0.5288888888888889,0.2088888888888889,0.6266666666666667,0.13599999999999998,0.68,0.07911111111111112,0.7911111111111111,0.6004215167548499,0.6452301050810106,0.6113742153336572
67
+ 32,-1,0.5288888888888889,0.6266666666666667,0.6755555555555556,0.7955555555555556,0.5288888888888889,0.5288888888888889,0.2088888888888889,0.6266666666666667,0.1351111111111111,0.6755555555555556,0.07955555555555555,0.7955555555555556,0.600442680776014,0.6461266935078195,0.610926595631513,0.5288888888888889,0.6266666666666667,0.6755555555555556,0.7955555555555556,0.5288888888888889,0.5288888888888889,0.2088888888888889,0.6266666666666667,0.1351111111111111,0.6755555555555556,0.07955555555555555,0.7955555555555556,0.600442680776014,0.6461266935078195,0.610926595631513
68
+ 33,50,0.5244444444444445,0.6266666666666667,0.68,0.8,0.5244444444444445,0.5244444444444445,0.2088888888888889,0.6266666666666667,0.13599999999999998,0.68,0.08,0.8,0.5986331569664901,0.6458843093927281,0.6087396908481961,0.5244444444444445,0.6266666666666667,0.68,0.8,0.5244444444444445,0.5244444444444445,0.2088888888888889,0.6266666666666667,0.13599999999999998,0.68,0.08,0.8,0.5986331569664901,0.6458843093927281,0.6087396908481961
69
+ 33,-1,0.5288888888888889,0.6266666666666667,0.68,0.7955555555555556,0.5288888888888889,0.5288888888888889,0.2088888888888889,0.6266666666666667,0.13599999999999998,0.68,0.07955555555555555,0.7955555555555556,0.6005961199294532,0.64642096597243,0.6111134380008737,0.5288888888888889,0.6266666666666667,0.68,0.7955555555555556,0.5288888888888889,0.5288888888888889,0.2088888888888889,0.6266666666666667,0.13599999999999998,0.68,0.07955555555555555,0.7955555555555556,0.6005961199294532,0.64642096597243,0.6111134380008737
70
+ 34,50,0.5288888888888889,0.6222222222222222,0.6755555555555556,0.7955555555555556,0.5288888888888889,0.5288888888888889,0.20740740740740737,0.6222222222222222,0.1351111111111111,0.6755555555555556,0.07955555555555555,0.7955555555555556,0.5995908289241623,0.6455213945068218,0.6100799250142379,0.5288888888888889,0.6222222222222222,0.6755555555555556,0.7955555555555556,0.5288888888888889,0.5288888888888889,0.20740740740740737,0.6222222222222222,0.1351111111111111,0.6755555555555556,0.07955555555555555,0.7955555555555556,0.5995908289241623,0.6455213945068218,0.6100799250142379
71
+ 34,-1,0.5288888888888889,0.6222222222222222,0.6755555555555556,0.8,0.5288888888888889,0.5288888888888889,0.20740740740740737,0.6222222222222222,0.1351111111111111,0.6755555555555556,0.08,0.8,0.5991834215167547,0.6461068834947267,0.6093347785562245,0.5288888888888889,0.6222222222222222,0.6755555555555556,0.8,0.5288888888888889,0.5288888888888889,0.20740740740740737,0.6222222222222222,0.1351111111111111,0.6755555555555556,0.08,0.8,0.5991834215167547,0.6461068834947267,0.6093347785562245
72
+ 35,50,0.5288888888888889,0.6222222222222222,0.6755555555555556,0.8044444444444444,0.5288888888888889,0.5288888888888889,0.20740740740740737,0.6222222222222222,0.1351111111111111,0.6755555555555556,0.08044444444444443,0.8044444444444444,0.5985485008818342,0.6464854703659357,0.6083210508098288,0.5288888888888889,0.6222222222222222,0.6755555555555556,0.8044444444444444,0.5288888888888889,0.5288888888888889,0.20740740740740737,0.6222222222222222,0.1351111111111111,0.6755555555555556,0.08044444444444443,0.8044444444444444,0.5985485008818342,0.6464854703659357,0.6083210508098288
73
+ 35,-1,0.5244444444444445,0.6222222222222222,0.68,0.8044444444444444,0.5244444444444445,0.5244444444444445,0.20740740740740737,0.6222222222222222,0.13599999999999998,0.68,0.08044444444444443,0.8044444444444444,0.5966772486772487,0.6451776981856963,0.6065218036374531,0.5244444444444445,0.6222222222222222,0.68,0.8044444444444444,0.5244444444444445,0.5244444444444445,0.20740740740740737,0.6222222222222222,0.13599999999999998,0.68,0.08044444444444443,0.8044444444444444,0.5966772486772487,0.6451776981856963,0.6065218036374531
74
+ 36,50,0.5244444444444445,0.6222222222222222,0.6755555555555556,0.8,0.5244444444444445,0.5244444444444445,0.20740740740740737,0.6222222222222222,0.1351111111111111,0.6755555555555556,0.08,0.8,0.597331569664903,0.6446863274347192,0.6075070682776789,0.5244444444444445,0.6222222222222222,0.6755555555555556,0.8,0.5244444444444445,0.5244444444444445,0.20740740740740737,0.6222222222222222,0.1351111111111111,0.6755555555555556,0.08,0.8,0.597331569664903,0.6446863274347192,0.6075070682776789
75
+ 36,-1,0.5244444444444445,0.6222222222222222,0.6755555555555556,0.8,0.5244444444444445,0.5244444444444445,0.20740740740740737,0.6222222222222222,0.1351111111111111,0.6755555555555556,0.08,0.8,0.5964850088183421,0.644002755846514,0.6066438476227816,0.5244444444444445,0.6222222222222222,0.6755555555555556,0.8,0.5244444444444445,0.5244444444444445,0.20740740740740737,0.6222222222222222,0.1351111111111111,0.6755555555555556,0.08,0.8,0.5964850088183421,0.644002755846514,0.6066438476227816
76
+ 37,50,0.5244444444444445,0.6222222222222222,0.6755555555555556,0.7955555555555556,0.5244444444444445,0.5244444444444445,0.20740740740740737,0.6222222222222222,0.1351111111111111,0.6755555555555556,0.07955555555555555,0.7955555555555556,0.5952204585537918,0.6420566979067942,0.6056742803263043,0.5244444444444445,0.6222222222222222,0.6755555555555556,0.7955555555555556,0.5244444444444445,0.5244444444444445,0.20740740740740737,0.6222222222222222,0.1351111111111111,0.6755555555555556,0.07955555555555555,0.7955555555555556,0.5952204585537918,0.6420566979067942,0.6056742803263043
77
+ 37,-1,0.5288888888888889,0.6222222222222222,0.6755555555555556,0.7955555555555556,0.5288888888888889,0.5288888888888889,0.20740740740740737,0.6222222222222222,0.1351111111111111,0.6755555555555556,0.07955555555555555,0.7955555555555556,0.597363315696649,0.6436175947507096,0.6077897226134856,0.5288888888888889,0.6222222222222222,0.6755555555555556,0.7955555555555556,0.5288888888888889,0.5288888888888889,0.20740740740740737,0.6222222222222222,0.1351111111111111,0.6755555555555556,0.07955555555555555,0.7955555555555556,0.597363315696649,0.6436175947507096,0.6077897226134856
78
+ 38,50,0.5288888888888889,0.6222222222222222,0.6755555555555556,0.7955555555555556,0.5288888888888889,0.5288888888888889,0.20740740740740737,0.6222222222222222,0.1351111111111111,0.6755555555555556,0.07955555555555555,0.7955555555555556,0.597363315696649,0.6436175947507096,0.6078072929491134,0.5288888888888889,0.6222222222222222,0.6755555555555556,0.7955555555555556,0.5288888888888889,0.5288888888888889,0.20740740740740737,0.6222222222222222,0.1351111111111111,0.6755555555555556,0.07955555555555555,0.7955555555555556,0.597363315696649,0.6436175947507096,0.6078072929491134
79
+ 38,-1,0.5244444444444445,0.6222222222222222,0.6755555555555556,0.7955555555555556,0.5244444444444445,0.5244444444444445,0.20740740740740737,0.6222222222222222,0.1351111111111111,0.6755555555555556,0.07955555555555555,0.7955555555555556,0.5954426807760141,0.6422514701327446,0.6059070675355129,0.5244444444444445,0.6222222222222222,0.6755555555555556,0.7955555555555556,0.5244444444444445,0.5244444444444445,0.20740740740740737,0.6222222222222222,0.1351111111111111,0.6755555555555556,0.07955555555555555,0.7955555555555556,0.5954426807760141,0.6422514701327446,0.6059070675355129
80
+ 39,50,0.5244444444444445,0.6222222222222222,0.6755555555555556,0.7955555555555556,0.5244444444444445,0.5244444444444445,0.20740740740740737,0.6222222222222222,0.1351111111111111,0.6755555555555556,0.07955555555555555,0.7955555555555556,0.5954426807760141,0.6422514701327446,0.6059095284682064,0.5244444444444445,0.6222222222222222,0.6755555555555556,0.7955555555555556,0.5244444444444445,0.5244444444444445,0.20740740740740737,0.6222222222222222,0.1351111111111111,0.6755555555555556,0.07955555555555555,0.7955555555555556,0.5954426807760141,0.6422514701327446,0.6059095284682064
81
+ 39,-1,0.5244444444444445,0.6222222222222222,0.6755555555555556,0.7955555555555556,0.5244444444444445,0.5244444444444445,0.20740740740740737,0.6222222222222222,0.1351111111111111,0.6755555555555556,0.07955555555555555,0.7955555555555556,0.5954426807760141,0.6422514701327446,0.6059095284682064,0.5244444444444445,0.6222222222222222,0.6755555555555556,0.7955555555555556,0.5244444444444445,0.5244444444444445,0.20740740740740737,0.6222222222222222,0.1351111111111111,0.6755555555555556,0.07955555555555555,0.7955555555555556,0.5954426807760141,0.6422514701327446,0.6059095284682064
models/bge-small_finetuned/modules.json ADDED
@@ -0,0 +1,20 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
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
+ {
15
+ "idx": 2,
16
+ "name": "2",
17
+ "path": "2_Normalize",
18
+ "type": "sentence_transformers.models.Normalize"
19
+ }
20
+ ]
models/bge-small_finetuned/sentence_bert_config.json ADDED
@@ -0,0 +1,4 @@
 
 
 
 
 
1
+ {
2
+ "max_seq_length": 512,
3
+ "do_lower_case": true
4
+ }
models/bge-small_finetuned/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
+ }
models/bge-small_finetuned/tokenizer.json ADDED
The diff for this file is too large to render. See raw diff
 
models/bge-small_finetuned/tokenizer_config.json ADDED
@@ -0,0 +1,57 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
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": true,
48
+ "mask_token": "[MASK]",
49
+ "model_max_length": 512,
50
+ "never_split": null,
51
+ "pad_token": "[PAD]",
52
+ "sep_token": "[SEP]",
53
+ "strip_accents": null,
54
+ "tokenize_chinese_chars": true,
55
+ "tokenizer_class": "BertTokenizer",
56
+ "unk_token": "[UNK]"
57
+ }
models/bge-small_finetuned/vocab.txt ADDED
The diff for this file is too large to render. See raw diff