DrSebastianK
commited on
Commit
•
e7e337a
1
Parent(s):
a1ffa0a
Upload folder using huggingface_hub
Browse files- 1_Pooling/config.json +7 -0
- README.md +91 -0
- config.json +32 -0
- config_sentence_transformers.json +7 -0
- eval/Information-Retrieval_evaluation_results.csv +31 -0
- modules.json +20 -0
- pytorch_model.bin +3 -0
- sentence_bert_config.json +4 -0
- special_tokens_map.json +7 -0
- tokenizer.json +0 -0
- tokenizer_config.json +57 -0
- vocab.txt +0 -0
1_Pooling/config.json
ADDED
@@ -0,0 +1,7 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"word_embedding_dimension": 1024,
|
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 |
+
}
|
README.md
ADDED
@@ -0,0 +1,91 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
---
|
2 |
+
pipeline_tag: sentence-similarity
|
3 |
+
tags:
|
4 |
+
- sentence-transformers
|
5 |
+
- feature-extraction
|
6 |
+
- sentence-similarity
|
7 |
+
|
8 |
+
---
|
9 |
+
|
10 |
+
# {MODEL_NAME}
|
11 |
+
|
12 |
+
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.
|
13 |
+
|
14 |
+
<!--- Describe your model here -->
|
15 |
+
|
16 |
+
## Usage (Sentence-Transformers)
|
17 |
+
|
18 |
+
Using this model becomes easy when you have [sentence-transformers](https://www.SBERT.net) installed:
|
19 |
+
|
20 |
+
```
|
21 |
+
pip install -U sentence-transformers
|
22 |
+
```
|
23 |
+
|
24 |
+
Then you can use the model like this:
|
25 |
+
|
26 |
+
```python
|
27 |
+
from sentence_transformers import SentenceTransformer
|
28 |
+
sentences = ["This is an example sentence", "Each sentence is converted"]
|
29 |
+
|
30 |
+
model = SentenceTransformer('{MODEL_NAME}')
|
31 |
+
embeddings = model.encode(sentences)
|
32 |
+
print(embeddings)
|
33 |
+
```
|
34 |
+
|
35 |
+
|
36 |
+
|
37 |
+
## Evaluation Results
|
38 |
+
|
39 |
+
<!--- Describe how your model was evaluated -->
|
40 |
+
|
41 |
+
For an automated evaluation of this model, see the *Sentence Embeddings Benchmark*: [https://seb.sbert.net](https://seb.sbert.net?model_name={MODEL_NAME})
|
42 |
+
|
43 |
+
|
44 |
+
## Training
|
45 |
+
The model was trained with the parameters:
|
46 |
+
|
47 |
+
**DataLoader**:
|
48 |
+
|
49 |
+
`torch.utils.data.dataloader.DataLoader` of length 299 with parameters:
|
50 |
+
```
|
51 |
+
{'batch_size': 16, 'sampler': 'torch.utils.data.sampler.SequentialSampler', 'batch_sampler': 'torch.utils.data.sampler.BatchSampler'}
|
52 |
+
```
|
53 |
+
|
54 |
+
**Loss**:
|
55 |
+
|
56 |
+
`sentence_transformers.losses.MultipleNegativesRankingLoss.MultipleNegativesRankingLoss` with parameters:
|
57 |
+
```
|
58 |
+
{'scale': 20.0, 'similarity_fct': 'cos_sim'}
|
59 |
+
```
|
60 |
+
|
61 |
+
Parameters of the fit()-Method:
|
62 |
+
```
|
63 |
+
{
|
64 |
+
"epochs": 5,
|
65 |
+
"evaluation_steps": 50,
|
66 |
+
"evaluator": "sentence_transformers.evaluation.InformationRetrievalEvaluator.InformationRetrievalEvaluator",
|
67 |
+
"max_grad_norm": 1,
|
68 |
+
"optimizer_class": "<class 'torch.optim.adamw.AdamW'>",
|
69 |
+
"optimizer_params": {
|
70 |
+
"lr": 2e-05
|
71 |
+
},
|
72 |
+
"scheduler": "WarmupLinear",
|
73 |
+
"steps_per_epoch": null,
|
74 |
+
"warmup_steps": 149,
|
75 |
+
"weight_decay": 0.01
|
76 |
+
}
|
77 |
+
```
|
78 |
+
|
79 |
+
|
80 |
+
## Full Model Architecture
|
81 |
+
```
|
82 |
+
SentenceTransformer(
|
83 |
+
(0): Transformer({'max_seq_length': 512, 'do_lower_case': True}) with Transformer model: BertModel
|
84 |
+
(1): Pooling({'word_embedding_dimension': 1024, 'pooling_mode_cls_token': True, 'pooling_mode_mean_tokens': False, 'pooling_mode_max_tokens': False, 'pooling_mode_mean_sqrt_len_tokens': False})
|
85 |
+
(2): Normalize()
|
86 |
+
)
|
87 |
+
```
|
88 |
+
|
89 |
+
## Citing & Authors
|
90 |
+
|
91 |
+
<!--- Describe where people can find more information -->
|
config.json
ADDED
@@ -0,0 +1,32 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"_name_or_path": "/root/.cache/torch/sentence_transformers/BAAI_bge-large-en-v1.5/",
|
3 |
+
"architectures": [
|
4 |
+
"BertModel"
|
5 |
+
],
|
6 |
+
"attention_probs_dropout_prob": 0.1,
|
7 |
+
"classifier_dropout": null,
|
8 |
+
"gradient_checkpointing": false,
|
9 |
+
"hidden_act": "gelu",
|
10 |
+
"hidden_dropout_prob": 0.1,
|
11 |
+
"hidden_size": 1024,
|
12 |
+
"id2label": {
|
13 |
+
"0": "LABEL_0"
|
14 |
+
},
|
15 |
+
"initializer_range": 0.02,
|
16 |
+
"intermediate_size": 4096,
|
17 |
+
"label2id": {
|
18 |
+
"LABEL_0": 0
|
19 |
+
},
|
20 |
+
"layer_norm_eps": 1e-12,
|
21 |
+
"max_position_embeddings": 512,
|
22 |
+
"model_type": "bert",
|
23 |
+
"num_attention_heads": 16,
|
24 |
+
"num_hidden_layers": 24,
|
25 |
+
"pad_token_id": 0,
|
26 |
+
"position_embedding_type": "absolute",
|
27 |
+
"torch_dtype": "float32",
|
28 |
+
"transformers_version": "4.34.1",
|
29 |
+
"type_vocab_size": 2,
|
30 |
+
"use_cache": true,
|
31 |
+
"vocab_size": 30522
|
32 |
+
}
|
config_sentence_transformers.json
ADDED
@@ -0,0 +1,7 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"__version__": {
|
3 |
+
"sentence_transformers": "2.2.2",
|
4 |
+
"transformers": "4.28.1",
|
5 |
+
"pytorch": "1.13.0+cu117"
|
6 |
+
}
|
7 |
+
}
|
eval/Information-Retrieval_evaluation_results.csv
ADDED
@@ -0,0 +1,31 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
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.6985428051001822,0.907103825136612,0.9462659380692168,0.9699453551912568,0.6985428051001822,0.6985428051001822,0.30236794171220394,0.907103825136612,0.18925318761384333,0.9462659380692168,0.09699453551912568,0.9699453551912568,0.8058584150114206,0.8468660925866378,0.8073834434273499,0.6985428051001822,0.907103825136612,0.9462659380692168,0.9699453551912568,0.6985428051001822,0.6985428051001822,0.30236794171220394,0.907103825136612,0.18925318761384333,0.9462659380692168,0.09699453551912568,0.9699453551912568,0.8058584150114206,0.8468660925866378,0.8073834434273499
|
3 |
+
0,100,0.7313296903460837,0.9171220400728597,0.953551912568306,0.9781420765027322,0.7313296903460837,0.7313296903460837,0.30570734669095323,0.9171220400728597,0.19071038251366118,0.953551912568306,0.09781420765027321,0.9781420765027322,0.8282830254141734,0.8656251890985213,0.8293953680666498,0.7313296903460837,0.9171220400728597,0.953551912568306,0.9781420765027322,0.7313296903460837,0.7313296903460837,0.30570734669095323,0.9171220400728597,0.19071038251366118,0.953551912568306,0.09781420765027321,0.9781420765027322,0.8282830254141734,0.8656251890985213,0.8293953680666498
|
4 |
+
0,150,0.73224043715847,0.9180327868852459,0.953551912568306,0.9845173041894353,0.73224043715847,0.73224043715847,0.30601092896174864,0.9180327868852459,0.1907103825136612,0.953551912568306,0.09845173041894353,0.9845173041894353,0.8306383178650941,0.8688623117369398,0.8313626877086499,0.73224043715847,0.9180327868852459,0.953551912568306,0.9845173041894353,0.73224043715847,0.73224043715847,0.30601092896174864,0.9180327868852459,0.1907103825136612,0.953551912568306,0.09845173041894353,0.9845173041894353,0.8306383178650941,0.8688623117369398,0.8313626877086499
|
5 |
+
0,200,0.74408014571949,0.9225865209471766,0.9562841530054644,0.982695810564663,0.74408014571949,0.74408014571949,0.3075288403157255,0.9225865209471766,0.19125683060109286,0.9562841530054644,0.0982695810564663,0.982695810564663,0.8379279064388361,0.8739618801442318,0.8387616991212561,0.74408014571949,0.9225865209471766,0.9562841530054644,0.982695810564663,0.74408014571949,0.74408014571949,0.3075288403157255,0.9225865209471766,0.19125683060109286,0.9562841530054644,0.0982695810564663,0.982695810564663,0.8379279064388361,0.8739618801442318,0.8387616991212561
|
6 |
+
0,250,0.7340619307832422,0.924408014571949,0.953551912568306,0.9799635701275046,0.7340619307832422,0.7340619307832422,0.3081360048573163,0.924408014571949,0.19071038251366118,0.953551912568306,0.09799635701275045,0.9799635701275046,0.8329159077109904,0.8696579306222842,0.8339663519269894,0.7340619307832422,0.924408014571949,0.953551912568306,0.9799635701275046,0.7340619307832422,0.7340619307832422,0.3081360048573163,0.924408014571949,0.19071038251366118,0.953551912568306,0.09799635701275045,0.9799635701275046,0.8329159077109904,0.8696579306222842,0.8339663519269894
|
7 |
+
0,-1,0.7459016393442623,0.9253187613843351,0.9617486338797814,0.9808743169398907,0.7459016393442623,0.7459016393442623,0.3084395871281117,0.9253187613843351,0.19234972677595627,0.9617486338797814,0.09808743169398906,0.9808743169398907,0.8400063607713885,0.8752666090549801,0.8409952534779347,0.7459016393442623,0.9253187613843351,0.9617486338797814,0.9808743169398907,0.7459016393442623,0.7459016393442623,0.3084395871281117,0.9253187613843351,0.19234972677595627,0.9617486338797814,0.09808743169398906,0.9808743169398907,0.8400063607713885,0.8752666090549801,0.8409952534779347
|
8 |
+
1,50,0.7176684881602914,0.9207650273224044,0.9626593806921676,0.9836065573770492,0.7176684881602914,0.7176684881602914,0.3069216757741348,0.9207650273224044,0.1925318761384335,0.9626593806921676,0.0983606557377049,0.9836065573770492,0.8232244051233127,0.8632761666743386,0.8240931518766113,0.7176684881602914,0.9207650273224044,0.9626593806921676,0.9836065573770492,0.7176684881602914,0.7176684881602914,0.3069216757741348,0.9207650273224044,0.1925318761384335,0.9626593806921676,0.0983606557377049,0.9836065573770492,0.8232244051233127,0.8632761666743386,0.8240931518766113
|
9 |
+
1,100,0.7413479052823315,0.9271402550091075,0.9581056466302368,0.9854280510018215,0.7413479052823315,0.7413479052823315,0.3090467516697024,0.9271402550091075,0.19162112932604733,0.9581056466302368,0.09854280510018214,0.9854280510018215,0.839225359239021,0.8757081144417247,0.8399831903198263,0.7413479052823315,0.9271402550091075,0.9581056466302368,0.9854280510018215,0.7413479052823315,0.7413479052823315,0.3090467516697024,0.9271402550091075,0.19162112932604733,0.9581056466302368,0.09854280510018214,0.9854280510018215,0.839225359239021,0.8757081144417247,0.8399831903198263
|
10 |
+
1,150,0.7295081967213115,0.936247723132969,0.9626593806921676,0.9863387978142076,0.7295081967213115,0.7295081967213115,0.3120825743776563,0.936247723132969,0.1925318761384335,0.9626593806921676,0.09863387978142077,0.9863387978142076,0.834468152774164,0.8725491048485015,0.835130416363714,0.7295081967213115,0.936247723132969,0.9626593806921676,0.9863387978142076,0.7295081967213115,0.7295081967213115,0.3120825743776563,0.936247723132969,0.1925318761384335,0.9626593806921676,0.09863387978142077,0.9863387978142076,0.834468152774164,0.8725491048485015,0.835130416363714
|
11 |
+
1,200,0.73224043715847,0.9216757741347905,0.9590163934426229,0.982695810564663,0.73224043715847,0.73224043715847,0.30722525804493017,0.9216757741347905,0.19180327868852456,0.9590163934426229,0.09826958105646628,0.982695810564663,0.8333864602307227,0.870715189918671,0.8342770918925867,0.73224043715847,0.9216757741347905,0.9590163934426229,0.982695810564663,0.73224043715847,0.73224043715847,0.30722525804493017,0.9216757741347905,0.19180327868852456,0.9590163934426229,0.09826958105646628,0.982695810564663,0.8333864602307227,0.870715189918671,0.8342770918925867
|
12 |
+
1,250,0.7358834244080146,0.9225865209471766,0.9617486338797814,0.9808743169398907,0.7358834244080146,0.7358834244080146,0.3075288403157255,0.9225865209471766,0.19234972677595627,0.9617486338797814,0.09808743169398906,0.9808743169398907,0.8335422268482381,0.8703713217576323,0.8345702592822447,0.7358834244080146,0.9225865209471766,0.9617486338797814,0.9808743169398907,0.7358834244080146,0.7358834244080146,0.3075288403157255,0.9225865209471766,0.19234972677595627,0.9617486338797814,0.09808743169398906,0.9808743169398907,0.8335422268482381,0.8703713217576323,0.8345702592822447
|
13 |
+
1,-1,0.7194899817850637,0.924408014571949,0.9571948998178507,0.9790528233151184,0.7194899817850637,0.7194899817850637,0.3081360048573163,0.924408014571949,0.1914389799635701,0.9571948998178507,0.09790528233151183,0.9790528233151184,0.8252060022551831,0.8637970527698018,0.8264303316645248,0.7194899817850637,0.924408014571949,0.9571948998178507,0.9790528233151184,0.7194899817850637,0.7194899817850637,0.3081360048573163,0.924408014571949,0.1914389799635701,0.9571948998178507,0.09790528233151183,0.9790528233151184,0.8252060022551831,0.8637970527698018,0.8264303316645248
|
14 |
+
2,50,0.7131147540983607,0.9216757741347905,0.9544626593806922,0.9790528233151184,0.7131147540983607,0.7131147540983607,0.30722525804493017,0.9216757741347905,0.19089253187613842,0.9544626593806922,0.09790528233151183,0.9790528233151184,0.8203374822910345,0.8600516963225819,0.8214663212032809,0.7131147540983607,0.9216757741347905,0.9544626593806922,0.9790528233151184,0.7131147540983607,0.7131147540983607,0.30722525804493017,0.9216757741347905,0.19089253187613842,0.9544626593806922,0.09790528233151183,0.9790528233151184,0.8203374822910345,0.8600516963225819,0.8214663212032809
|
15 |
+
2,100,0.7103825136612022,0.9253187613843351,0.9562841530054644,0.982695810564663,0.7103825136612022,0.7103825136612022,0.3084395871281117,0.9253187613843351,0.19125683060109286,0.9562841530054644,0.09826958105646628,0.982695810564663,0.8197577847168017,0.8604934783884084,0.8206496094067501,0.7103825136612022,0.9253187613843351,0.9562841530054644,0.982695810564663,0.7103825136612022,0.7103825136612022,0.3084395871281117,0.9253187613843351,0.19125683060109286,0.9562841530054644,0.09826958105646628,0.982695810564663,0.8197577847168017,0.8604934783884084,0.8206496094067501
|
16 |
+
2,150,0.7158469945355191,0.9216757741347905,0.9562841530054644,0.9808743169398907,0.7158469945355191,0.7158469945355191,0.30722525804493017,0.9216757741347905,0.19125683060109286,0.9562841530054644,0.09808743169398906,0.9808743169398907,0.8230751438401717,0.8625802058881616,0.8241040617499792,0.7158469945355191,0.9216757741347905,0.9562841530054644,0.9808743169398907,0.7158469945355191,0.7158469945355191,0.30722525804493017,0.9216757741347905,0.19125683060109286,0.9562841530054644,0.09808743169398906,0.9808743169398907,0.8230751438401717,0.8625802058881616,0.8241040617499792
|
17 |
+
2,200,0.7194899817850637,0.9162112932604736,0.9499089253187614,0.9790528233151184,0.7194899817850637,0.7194899817850637,0.3054037644201578,0.9162112932604736,0.18998178506375224,0.9499089253187614,0.09790528233151184,0.9790528233151184,0.8227379506751095,0.8616379108737261,0.8239256191046527,0.7194899817850637,0.9162112932604736,0.9499089253187614,0.9790528233151184,0.7194899817850637,0.7194899817850637,0.3054037644201578,0.9162112932604736,0.18998178506375224,0.9499089253187614,0.09790528233151184,0.9790528233151184,0.8227379506751095,0.8616379108737261,0.8239256191046527
|
18 |
+
2,250,0.7158469945355191,0.9162112932604736,0.9508196721311475,0.9790528233151184,0.7158469945355191,0.7158469945355191,0.3054037644201578,0.9162112932604736,0.19016393442622953,0.9508196721311475,0.09790528233151184,0.9790528233151184,0.8221380142828234,0.8613385335356359,0.823308526585206,0.7158469945355191,0.9162112932604736,0.9508196721311475,0.9790528233151184,0.7158469945355191,0.7158469945355191,0.3054037644201578,0.9162112932604736,0.19016393442622953,0.9508196721311475,0.09790528233151184,0.9790528233151184,0.8221380142828234,0.8613385335356359,0.823308526585206
|
19 |
+
2,-1,0.7185792349726776,0.9207650273224044,0.9562841530054644,0.9790528233151184,0.7185792349726776,0.7185792349726776,0.3069216757741348,0.9207650273224044,0.1912568306010929,0.9562841530054644,0.09790528233151184,0.9790528233151184,0.8232052505276555,0.8621951488687907,0.8242869771493286,0.7185792349726776,0.9207650273224044,0.9562841530054644,0.9790528233151184,0.7185792349726776,0.7185792349726776,0.3069216757741348,0.9207650273224044,0.1912568306010929,0.9562841530054644,0.09790528233151184,0.9790528233151184,0.8232052505276555,0.8621951488687907,0.8242869771493286
|
20 |
+
3,50,0.7258652094717668,0.9162112932604736,0.953551912568306,0.97632058287796,0.7258652094717668,0.7258652094717668,0.3054037644201578,0.9162112932604736,0.19071038251366118,0.953551912568306,0.09763205828779599,0.97632058287796,0.8254307976985577,0.863130071444281,0.8266339349325568,0.7258652094717668,0.9162112932604736,0.953551912568306,0.97632058287796,0.7258652094717668,0.7258652094717668,0.3054037644201578,0.9162112932604736,0.19071038251366118,0.953551912568306,0.09763205828779599,0.97632058287796,0.8254307976985577,0.863130071444281,0.8266339349325568
|
21 |
+
3,100,0.7213114754098361,0.9171220400728597,0.9544626593806922,0.9744990892531876,0.7213114754098361,0.7213114754098361,0.30570734669095323,0.9171220400728597,0.19089253187613842,0.9544626593806922,0.09744990892531877,0.9744990892531876,0.8232789776505628,0.8611266567442262,0.8247810752004493,0.7213114754098361,0.9171220400728597,0.9544626593806922,0.9744990892531876,0.7213114754098361,0.7213114754098361,0.30570734669095323,0.9171220400728597,0.19089253187613842,0.9544626593806922,0.09744990892531877,0.9744990892531876,0.8232789776505628,0.8611266567442262,0.8247810752004493
|
22 |
+
3,150,0.726775956284153,0.9162112932604736,0.9544626593806922,0.97632058287796,0.726775956284153,0.726775956284153,0.3054037644201578,0.9162112932604736,0.19089253187613842,0.9544626593806922,0.09763205828779599,0.97632058287796,0.8256859513690119,0.8632996896644365,0.8269888471893462,0.726775956284153,0.9162112932604736,0.9544626593806922,0.97632058287796,0.726775956284153,0.726775956284153,0.3054037644201578,0.9162112932604736,0.19089253187613842,0.9544626593806922,0.09763205828779599,0.97632058287796,0.8256859513690119,0.8632996896644365,0.8269888471893462
|
23 |
+
3,200,0.7167577413479053,0.9098360655737705,0.9462659380692168,0.9744990892531876,0.7167577413479053,0.7167577413479053,0.30327868852459017,0.9098360655737705,0.1892531876138433,0.9462659380692168,0.09744990892531875,0.9744990892531876,0.8193660190244892,0.8580612884541556,0.8207705358277859,0.7167577413479053,0.9098360655737705,0.9462659380692168,0.9744990892531876,0.7167577413479053,0.7167577413479053,0.30327868852459017,0.9098360655737705,0.1892531876138433,0.9462659380692168,0.09744990892531875,0.9744990892531876,0.8193660190244892,0.8580612884541556,0.8207705358277859
|
24 |
+
3,250,0.7204007285974499,0.9061930783242259,0.9489981785063752,0.9754098360655737,0.7204007285974499,0.7204007285974499,0.3020643594414086,0.9061930783242259,0.18979963570127503,0.9489981785063752,0.09754098360655736,0.9754098360655737,0.8209836788388706,0.8594675789140709,0.8223461200946741,0.7204007285974499,0.9061930783242259,0.9489981785063752,0.9754098360655737,0.7204007285974499,0.7204007285974499,0.3020643594414086,0.9061930783242259,0.18979963570127503,0.9489981785063752,0.09754098360655736,0.9754098360655737,0.8209836788388706,0.8594675789140709,0.8223461200946741
|
25 |
+
3,-1,0.7185792349726776,0.9143897996357013,0.9544626593806922,0.9772313296903461,0.7185792349726776,0.7185792349726776,0.30479659987856705,0.9143897996357013,0.19089253187613842,0.9544626593806922,0.09772313296903459,0.9772313296903461,0.8209934368404318,0.8600002732391353,0.8222438692158089,0.7185792349726776,0.9143897996357013,0.9544626593806922,0.9772313296903461,0.7185792349726776,0.7185792349726776,0.30479659987856705,0.9143897996357013,0.19089253187613842,0.9544626593806922,0.09772313296903459,0.9772313296903461,0.8209934368404318,0.8600002732391353,0.8222438692158089
|
26 |
+
4,50,0.7249544626593807,0.9171220400728597,0.9553734061930783,0.9790528233151184,0.7249544626593807,0.7249544626593807,0.30570734669095323,0.9171220400728597,0.19107468123861562,0.9553734061930783,0.09790528233151183,0.9790528233151184,0.8252934628617693,0.8636500561698742,0.8264149419756784,0.7249544626593807,0.9171220400728597,0.9553734061930783,0.9790528233151184,0.7249544626593807,0.7249544626593807,0.30570734669095323,0.9171220400728597,0.19107468123861562,0.9553734061930783,0.09790528233151183,0.9790528233151184,0.8252934628617693,0.8636500561698742,0.8264149419756784
|
27 |
+
4,100,0.7213114754098361,0.9107468123861566,0.953551912568306,0.9772313296903461,0.7213114754098361,0.7213114754098361,0.3035822707953855,0.9107468123861566,0.19071038251366118,0.953551912568306,0.09772313296903459,0.9772313296903461,0.8222258362968751,0.8608814974570019,0.8234992352694336,0.7213114754098361,0.9107468123861566,0.953551912568306,0.9772313296903461,0.7213114754098361,0.7213114754098361,0.3035822707953855,0.9107468123861566,0.19071038251366118,0.953551912568306,0.09772313296903459,0.9772313296903461,0.8222258362968751,0.8608814974570019,0.8234992352694336
|
28 |
+
4,150,0.7213114754098361,0.912568306010929,0.9553734061930783,0.9772313296903461,0.7213114754098361,0.7213114754098361,0.30418943533697634,0.912568306010929,0.19107468123861565,0.9553734061930783,0.09772313296903459,0.9772313296903461,0.8226559111805019,0.8612522549332811,0.8239069462363734,0.7213114754098361,0.912568306010929,0.9553734061930783,0.9772313296903461,0.7213114754098361,0.7213114754098361,0.30418943533697634,0.912568306010929,0.19107468123861565,0.9553734061930783,0.09772313296903459,0.9772313296903461,0.8226559111805019,0.8612522549332811,0.8239069462363734
|
29 |
+
4,200,0.7213114754098361,0.9116575591985429,0.9562841530054644,0.97632058287796,0.7213114754098361,0.7213114754098361,0.3038858530661809,0.9116575591985429,0.19125683060109286,0.9562841530054644,0.09763205828779599,0.97632058287796,0.8228546852863797,0.8612022510837813,0.8241833476046971,0.7213114754098361,0.9116575591985429,0.9562841530054644,0.97632058287796,0.7213114754098361,0.7213114754098361,0.3038858530661809,0.9116575591985429,0.19125683060109286,0.9562841530054644,0.09763205828779599,0.97632058287796,0.8228546852863797,0.8612022510837813,0.8241833476046971
|
30 |
+
4,250,0.7167577413479053,0.9098360655737705,0.9562841530054644,0.97632058287796,0.7167577413479053,0.7167577413479053,0.30327868852459017,0.9098360655737705,0.19125683060109286,0.9562841530054644,0.09763205828779599,0.97632058287796,0.8198987336282423,0.8589705163356549,0.8212298275163685,0.7167577413479053,0.9098360655737705,0.9562841530054644,0.97632058287796,0.7167577413479053,0.7167577413479053,0.30327868852459017,0.9098360655737705,0.19125683060109286,0.9562841530054644,0.09763205828779599,0.97632058287796,0.8198987336282423,0.8589705163356549,0.8212298275163685
|
31 |
+
4,-1,0.7194899817850637,0.9089253187613844,0.9571948998178507,0.97632058287796,0.7194899817850637,0.7194899817850637,0.30297510625379476,0.9089253187613844,0.19143897996357012,0.9571948998178507,0.09763205828779599,0.97632058287796,0.8213711076415999,0.8600629231398961,0.8226918696467661,0.7194899817850637,0.9089253187613844,0.9571948998178507,0.97632058287796,0.7194899817850637,0.7194899817850637,0.30297510625379476,0.9089253187613844,0.19143897996357012,0.9571948998178507,0.09763205828779599,0.97632058287796,0.8213711076415999,0.8600629231398961,0.8226918696467661
|
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 |
+
]
|
pytorch_model.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:487545fb160a41cd4c078fe8929d9d6a8922f3a5e33a5fd4ebd9928a62962385
|
3 |
+
size 1340699814
|
sentence_bert_config.json
ADDED
@@ -0,0 +1,4 @@
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"max_seq_length": 512,
|
3 |
+
"do_lower_case": true
|
4 |
+
}
|
special_tokens_map.json
ADDED
@@ -0,0 +1,7 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"cls_token": "[CLS]",
|
3 |
+
"mask_token": "[MASK]",
|
4 |
+
"pad_token": "[PAD]",
|
5 |
+
"sep_token": "[SEP]",
|
6 |
+
"unk_token": "[UNK]"
|
7 |
+
}
|
tokenizer.json
ADDED
The diff for this file is too large to render.
See raw diff
|
|
tokenizer_config.json
ADDED
@@ -0,0 +1,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 |
+
}
|
vocab.txt
ADDED
The diff for this file is too large to render.
See raw diff
|
|