ricardo-filho commited on
Commit
51f9d65
1 Parent(s): a8c16e2

Add model files

Browse files
.gitattributes CHANGED
@@ -15,3 +15,4 @@
15
  *.pt filter=lfs diff=lfs merge=lfs -text
16
  *.pth filter=lfs diff=lfs merge=lfs -text
17
  *tfevents* filter=lfs diff=lfs merge=lfs -text
 
 
15
  *.pt filter=lfs diff=lfs merge=lfs -text
16
  *.pth filter=lfs diff=lfs merge=lfs -text
17
  *tfevents* filter=lfs diff=lfs merge=lfs -text
18
+ pytorch_model.bin filter=lfs diff=lfs merge=lfs -text
1_Pooling/config.json ADDED
@@ -0,0 +1,7 @@
 
 
 
 
 
 
 
 
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
+ }
Information-Retrieval_evaluation_results.csv ADDED
@@ -0,0 +1,2 @@
 
 
 
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,0,0.3128,0.4164,0.4616,0.5176,0.3128,0.2672966390489929,0.1634,0.3782775406898593,0.11412,0.42495886842224934,0.06762,0.48353173859055526,0.37572515873015777,0.3919623205740099,0.3630484803818997,0.3034,0.4064,0.4538,0.5094,0.3034,0.2588563215886755,0.15893333333333332,0.3694953423796409,0.11163999999999999,0.4169721070202526,0.06634000000000001,0.4751339454637089,0.3665266666666658,0.3830245437707761,0.3541882175668069
README.md ADDED
@@ -0,0 +1,140 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ pipeline_tag: sentence-similarity
3
+ tags:
4
+ - sentence-transformers
5
+ - feature-extraction
6
+ - sentence-similarity
7
+ - transformers
8
+ ---
9
+
10
+ # {MODEL_NAME}
11
+
12
+ This is a [sentence-transformers](https://www.SBERT.net) model: It maps sentences & paragraphs to a 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
+ ## Usage (HuggingFace Transformers)
38
+ Without [sentence-transformers](https://www.SBERT.net), you can use the model like this: First, you pass your input through the transformer model, then you have to apply the right pooling-operation on-top of the contextualized word embeddings.
39
+
40
+ ```python
41
+ from transformers import AutoTokenizer, AutoModel
42
+ import torch
43
+
44
+
45
+ #Mean Pooling - Take attention mask into account for correct averaging
46
+ def mean_pooling(model_output, attention_mask):
47
+ token_embeddings = model_output[0] #First element of model_output contains all token embeddings
48
+ input_mask_expanded = attention_mask.unsqueeze(-1).expand(token_embeddings.size()).float()
49
+ return torch.sum(token_embeddings * input_mask_expanded, 1) / torch.clamp(input_mask_expanded.sum(1), min=1e-9)
50
+
51
+
52
+ # Sentences we want sentence embeddings for
53
+ sentences = ['This is an example sentence', 'Each sentence is converted']
54
+
55
+ # Load model from HuggingFace Hub
56
+ tokenizer = AutoTokenizer.from_pretrained('{MODEL_NAME}')
57
+ model = AutoModel.from_pretrained('{MODEL_NAME}')
58
+
59
+ # Tokenize sentences
60
+ encoded_input = tokenizer(sentences, padding=True, truncation=True, return_tensors='pt')
61
+
62
+ # Compute token embeddings
63
+ with torch.no_grad():
64
+ model_output = model(**encoded_input)
65
+
66
+ # Perform pooling. In this case, max pooling.
67
+ sentence_embeddings = mean_pooling(model_output, encoded_input['attention_mask'])
68
+
69
+ print("Sentence embeddings:")
70
+ print(sentence_embeddings)
71
+ ```
72
+
73
+
74
+
75
+ ## Evaluation Results
76
+
77
+ <!--- Describe how your model was evaluated -->
78
+
79
+ For an automated evaluation of this model, see the *Sentence Embeddings Benchmark*: [https://seb.sbert.net](https://seb.sbert.net?model_name={MODEL_NAME})
80
+
81
+
82
+ ## Training
83
+ The model was trained with the parameters:
84
+
85
+ **DataLoader**:
86
+
87
+ `torch.utils.data.dataloader.DataLoader` of length 8605 with parameters:
88
+ ```
89
+ {'batch_size': 24, 'sampler': 'torch.utils.data.sampler.RandomSampler', 'batch_sampler': 'torch.utils.data.sampler.BatchSampler'}
90
+ ```
91
+
92
+ **Loss**:
93
+
94
+ `sentence_transformers.losses.MultipleNegativesRankingLoss.MultipleNegativesRankingLoss` with parameters:
95
+ ```
96
+ {'scale': 20.0, 'similarity_fct': 'cos_sim'}
97
+ ```
98
+
99
+ **DataLoader**:
100
+
101
+ `torch.utils.data.dataloader.DataLoader` of length 11553 with parameters:
102
+ ```
103
+ {'batch_size': 24, 'sampler': 'torch.utils.data.sampler.RandomSampler', 'batch_sampler': 'torch.utils.data.sampler.BatchSampler'}
104
+ ```
105
+
106
+ **Loss**:
107
+
108
+ `sentence_transformers.losses.OnlineContrastiveLoss.OnlineContrastiveLoss`
109
+
110
+ Parameters of the fit()-Method:
111
+ ```
112
+ {
113
+ "callback": null,
114
+ "epochs": 10,
115
+ "evaluation_steps": 0,
116
+ "evaluator": "sentence_transformers.evaluation.SequentialEvaluator.SequentialEvaluator",
117
+ "max_grad_norm": 1,
118
+ "optimizer_class": "<class 'transformers.optimization.AdamW'>",
119
+ "optimizer_params": {
120
+ "lr": 2e-05
121
+ },
122
+ "scheduler": "WarmupLinear",
123
+ "steps_per_epoch": null,
124
+ "warmup_steps": 1000,
125
+ "weight_decay": 0.01
126
+ }
127
+ ```
128
+
129
+
130
+ ## Full Model Architecture
131
+ ```
132
+ SentenceTransformer(
133
+ (0): Transformer({'max_seq_length': 64, 'do_lower_case': False}) with Transformer model: BertModel
134
+ (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})
135
+ )
136
+ ```
137
+
138
+ ## Citing & Authors
139
+
140
+ <!--- Describe where people can find more information -->
binary_classification_evaluation_results.csv ADDED
@@ -0,0 +1,2 @@
 
 
 
1
+ epoch,steps,cossim_accuracy,cossim_accuracy_threshold,cossim_f1,cossim_precision,cossim_recall,cossim_f1_threshold,cossim_ap,manhatten_accuracy,manhatten_accuracy_threshold,manhatten_f1,manhatten_precision,manhatten_recall,manhatten_f1_threshold,manhatten_ap,euclidean_accuracy,euclidean_accuracy_threshold,euclidean_f1,euclidean_precision,euclidean_recall,euclidean_f1_threshold,euclidean_ap,dot_accuracy,dot_accuracy_threshold,dot_f1,dot_precision,dot_recall,dot_f1_threshold,dot_ap
2
+ 0,0,0.7663033188174515,0.7817635536193848,0.6900327167892196,0.5946292987941045,0.8218998379504592,0.683746874332428,0.7225498136184649,0.768196694706662,359.72906494140625,0.6923865251743859,0.605668016194332,0.808087043753376,428.70892333984375,0.7241154007058747,0.7683589840685943,14.508670806884766,0.692413431956536,0.6011935208866155,0.8162666872443861,16.94521713256836,0.7242282190366673,0.756079089015715,365.9010009765625,0.6829963149908648,0.5703941243405399,0.8509915888571649,301.97802734375,0.697492958874548
config.json ADDED
@@ -0,0 +1,32 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_name_or_path": "/root/.cache/torch/sentence_transformers/ricardo-filho_sbertimbau-large-nli-sts/",
3
+ "architectures": [
4
+ "BertModel"
5
+ ],
6
+ "attention_probs_dropout_prob": 0.1,
7
+ "directionality": "bidi",
8
+ "gradient_checkpointing": false,
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.9.2",
29
+ "type_vocab_size": 2,
30
+ "use_cache": true,
31
+ "vocab_size": 29794
32
+ }
config_sentence_transformers.json ADDED
@@ -0,0 +1,7 @@
 
 
 
 
 
 
 
 
1
+ {
2
+ "__version__": {
3
+ "sentence_transformers": "2.0.0",
4
+ "transformers": "4.9.2",
5
+ "pytorch": "1.9.0+cu102"
6
+ }
7
+ }
eval/Information-Retrieval_evaluation_results.csv ADDED
@@ -0,0 +1,11 @@
 
 
 
 
 
 
 
 
 
 
 
 
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,-1,0.3042,0.4086,0.4524,0.5068,0.3042,0.26052046509422144,0.15953333333333333,0.3722873326231016,0.11232,0.4191301430394744,0.0675,0.4777220794308881,0.36769730158730063,0.38631007998336364,0.35810327380039925,0.299,0.3988,0.4426,0.5,0.299,0.2549144106954039,0.1555333333333333,0.3622523633144605,0.10987999999999999,0.41003203845960035,0.0661,0.47030703872298674,0.36038365079365015,0.3782124182844478,0.35038023801629886
3
+ 1,-1,0.2546,0.3472,0.3918,0.4474,0.2546,0.21727203762903763,0.13613333333333333,0.3150845399637963,0.09664,0.3613525614966386,0.05872,0.4185114240760715,0.3132098412698407,0.3308502622415422,0.30407132667000913,0.2412,0.3402,0.3832,0.4426,0.2412,0.2061459265179265,0.13226666666666664,0.30615063131195214,0.09432,0.3522139471439911,0.057960000000000005,0.4133753736595591,0.3027883333333328,0.3220247310223247,0.2941937006627795
4
+ 2,-1,0.2504,0.3426,0.3912,0.4442,0.2504,0.2156408799445456,0.1322,0.30887940359633237,0.09623999999999999,0.35899912452821203,0.05842000000000001,0.41653776366170187,0.30952992063492013,0.32796619377318964,0.3008477671769378,0.2428,0.3378,0.3838,0.4384,0.2428,0.20738084026200587,0.13133333333333333,0.3056145854145142,0.09508000000000001,0.3531403496919372,0.05786,0.41153183085467154,0.3022605555555554,0.32141687996178797,0.29405469407948426
5
+ 3,-1,0.2452,0.3292,0.3714,0.4242,0.2452,0.21131074969474972,0.12726666666666664,0.29893997198499145,0.09072000000000001,0.3410077051962247,0.0552,0.39720711909018436,0.29890492063492013,0.31525849693248453,0.2908521853961496,0.2384,0.3282,0.3708,0.4162,0.2384,0.20463436080586078,0.1266,0.29584536175694565,0.09084,0.340276368665242,0.054279999999999995,0.38894242156430764,0.29385079365079375,0.3092251550494858,0.28551558137787536
6
+ 4,-1,0.2468,0.3424,0.3818,0.4382,0.2468,0.21246520458196774,0.133,0.31026529697189137,0.09372,0.35011538943491255,0.05714000000000001,0.40930909539318877,0.3056201587301582,0.3232514136742135,0.29729331791071967,0.24,0.3342,0.3716,0.4308,0.24,0.2054988272194928,0.12926666666666664,0.30292099904759345,0.09144000000000001,0.34133284120536433,0.0561,0.4004912528117223,0.29818317460317434,0.315417617471875,0.29014372430340535
7
+ 5,-1,0.24,0.3386,0.3774,0.4314,0.24,0.2069337388546413,0.13213333333333332,0.3070890871679828,0.0928,0.34769165913771355,0.0562,0.4024838969178977,0.2989665079365075,0.3171790101989344,0.292200866626575,0.2334,0.3298,0.3682,0.4238,0.2334,0.2013427864736889,0.1284,0.2988555128358109,0.09055999999999999,0.3384238207918489,0.05546,0.3956839090606251,0.2915569047619046,0.3099973930098604,0.28511207224242036
8
+ 6,-1,0.226,0.3144,0.356,0.41,0.226,0.19343175941602256,0.12113333333333333,0.28277409044742163,0.08652,0.3258288811138031,0.05244000000000001,0.37859799388977333,0.28072674603174563,0.29606734814911273,0.2708695030429472,0.2188,0.3124,0.3512,0.4088,0.2188,0.18763355056055056,0.1196,0.27954749560666126,0.08504,0.32037158597827786,0.05222,0.3778967717912132,0.2760738888888885,0.2925806526594789,0.26652816911760335
9
+ 7,-1,0.2446,0.34,0.3838,0.439,0.2446,0.2099429791319791,0.1314,0.3068841225302813,0.09427999999999999,0.3525891003807523,0.05708,0.40913539110033426,0.304674365079365,0.32208808017630963,0.2955806835479768,0.2352,0.3346,0.3772,0.4298,0.2352,0.20154331246531246,0.1288,0.30113563812962446,0.09232,0.34527782120671,0.056139999999999995,0.4007166235383943,0.2956877777777776,0.31345524315937107,0.2871283105831677
10
+ 8,-1,0.2458,0.3438,0.3892,0.445,0.2458,0.21081949460766017,0.13306666666666664,0.3104152300932165,0.09504,0.35571762536836804,0.05776,0.41323219928435717,0.3066287301587297,0.3242552902621509,0.2970671303396436,0.2382,0.3322,0.3826,0.4362,0.2382,0.20416782794099353,0.128,0.29923404427520306,0.09336,0.3497485654244806,0.0568,0.4058189039636262,0.298224841269841,0.31643721501310484,0.2896015317953857
11
+ 9,-1,0.2492,0.3462,0.3942,0.4476,0.2492,0.21306735175051736,0.13486666666666666,0.3122877503507367,0.09688,0.36237303348170136,0.0584,0.41869156060613677,0.31005261904761894,0.3283744608043434,0.3010634978362979,0.2406,0.3402,0.3852,0.4416,0.2406,0.20549647873464433,0.1317333333333333,0.3065582752323592,0.09476000000000001,0.3536648415586818,0.0575,0.41188246041977344,0.30243103174603136,0.32101030539710235,0.2938198155210442
eval/binary_classification_evaluation_results.csv ADDED
@@ -0,0 +1,11 @@
 
 
 
 
 
 
 
 
 
 
 
 
1
+ epoch,steps,cossim_accuracy,cossim_accuracy_threshold,cossim_f1,cossim_precision,cossim_recall,cossim_f1_threshold,cossim_ap,manhatten_accuracy,manhatten_accuracy_threshold,manhatten_f1,manhatten_precision,manhatten_recall,manhatten_f1_threshold,manhatten_ap,euclidean_accuracy,euclidean_accuracy_threshold,euclidean_f1,euclidean_precision,euclidean_recall,euclidean_f1_threshold,euclidean_ap,dot_accuracy,dot_accuracy_threshold,dot_f1,dot_precision,dot_recall,dot_f1_threshold,dot_ap
2
+ 0,-1,0.8237537529414947,0.8060605525970459,0.7585262196621124,0.6961062403300671,0.8332433058106335,0.7445327639579773,0.8126554078667191,0.8240783316653594,356.0945739746094,0.7575610768911343,0.6867432084823389,0.8446639401188363,403.0364990234375,0.8121922486419967,0.8241324281193367,13.873517036437988,0.7580170743955807,0.7082244118238488,0.8153406898680454,15.185152053833008,0.8121722363073225,0.8151253685320927,373.408203125,0.7499829549328425,0.6717557251908397,0.8488309283123698,343.041748046875,0.7961446903345559
3
+ 1,-1,0.8237808011684834,0.7855234146118164,0.7582965593943961,0.7085959501139869,0.8154950227641021,0.740906834602356,0.8159979009074291,0.8242947174812691,361.8188781738281,0.75833186697167,0.697075569358178,0.831391311057952,411.4159240722656,0.8153223588531662,0.8243217657082578,14.15240478515625,0.7582678867353555,0.711129130346645,0.8120996990508527,15.751083374023438,0.8153034224727388,0.816072056476698,378.56976318359375,0.7513502285002078,0.68138147566719,0.8373331275561386,346.99188232421875,0.8022642718409075
4
+ 2,-1,0.8285412891184983,0.7622203826904297,0.7654829545454546,0.7090323005065456,0.8316999768500656,0.7207036018371582,0.821721121337811,0.828568337345487,380.0465087890625,0.7641023794953021,0.7161268556005398,0.8189675129253801,411.5179748535156,0.8203889113849473,0.8289470125233291,14.806833267211914,0.7641839584290713,0.7050880626223092,0.8340921367389459,16.48731231689453,0.8205199929197182,0.8236996564875172,365.73504638671875,0.7596340644978985,0.7004299114121939,0.8297708156493556,345.2245178222656,0.8122914519868644
5
+ 3,-1,0.8295691217440697,0.7980636954307556,0.7639069498627366,0.7180984719864176,0.8159580214522726,0.7595013380050659,0.8210401555329749,0.8291904465662275,361.2113342285156,0.763028585775259,0.712840101863021,0.8208195076780616,391.42852783203125,0.8198241774625743,0.8291093018852614,13.869841575622559,0.7633774453394706,0.7147956091319281,0.8190446793734084,15.333077430725098,0.8197990588889816,0.8229423061318331,382.4680480957031,0.7566811249475304,0.6920468360099814,0.8346323018751447,358.218017578125,0.8089956910728477
6
+ 4,-1,0.8302723756457764,0.8028351068496704,0.7647101033295063,0.714611412861262,0.8223628366386295,0.7372604608535767,0.8233770604218298,0.8294068323821373,366.2926940917969,0.7645702529175978,0.7075236344537815,0.8316228104020372,414.78338623046875,0.8224395889719217,0.8298396040139568,14.649796485900879,0.7644343441516939,0.708018154311649,0.8306196465776681,16.25425148010254,0.8224916983578786,0.8256471288307051,383.6031799316406,0.7598046057222609,0.6934590153493408,0.8401882861331893,355.15240478515625,0.8146978548764447
7
+ 5,-1,0.8285953855724757,0.774193525314331,0.7619956861497118,0.7032371753034852,0.8314684775059804,0.7179145812988281,0.8213195909434162,0.8279732763517351,370.26788330078125,0.7613954672778203,0.7202339986235375,0.8075468786171772,407.84722900390625,0.8201482106757185,0.8281626139406562,14.437774658203125,0.7613846040298178,0.729613126812363,0.796049077860946,15.77624225616455,0.8202899666398555,0.822076762868194,371.0068054199219,0.7549719619657971,0.6880396140172677,0.8363299637317694,341.44073486328125,0.8094523565474532
8
+ 6,-1,0.8263503827324119,0.7770342230796814,0.7593193735954054,0.7060501525806023,0.821282506366232,0.7267013788223267,0.8182682067554148,0.8266749614562765,378.2123107910156,0.7589324777599534,0.7193309834819269,0.8031483910795586,408.37994384765625,0.8177467028098245,0.8268372508182089,15.01897144317627,0.7590430897823893,0.7119010610258836,0.8128713635311366,16.221485137939453,0.8177905433600823,0.8210489302426226,386.6845397949219,0.7521878185077145,0.6906544468826643,0.825758160351879,352.6566162109375,0.8062372745346442
9
+ 7,-1,0.8302994238727651,0.7804156541824341,0.7603129706498182,0.7255328098710039,0.7985955706458832,0.7414154410362244,0.8225565621020183,0.8300018933758893,374.05316162109375,0.7610004959965989,0.703478089998035,0.8287676518249865,423.3584289550781,0.8220949226420775,0.8304887614616862,14.723957061767578,0.7608695652173912,0.7029767746156362,0.8291534840651285,16.620655059814453,0.8221746775794503,0.8229693543588218,381.738037109375,0.753495472365819,0.684505799293999,0.8379504591403658,349.00994873046875,0.8104025000383321
10
+ 8,-1,0.8270536366341187,0.7665568590164185,0.7585083272990586,0.714480594775254,0.8083185430974612,0.7259411215782166,0.8200837445336188,0.8269995401801412,379.61676025390625,0.758544731045264,0.7029037993020346,0.8237518327031407,430.3404846191406,0.8197914505616243,0.8272970706770171,14.899150848388672,0.7586450496273534,0.6995179781136008,0.8286904853769581,16.97948455810547,0.8199256261398159,0.8213194125125098,388.5447998046875,0.7509275114155253,0.6982684269886552,0.8121768654988811,357.0634765625,0.8085797679056845
11
+ 9,-1,0.8272970706770171,0.7831082940101624,0.759096926544778,0.7076717811874583,0.8185816806852381,0.7193244099617004,0.8206806356707816,0.8268642990451975,375.79071044921875,0.7596602204952105,0.7145382836937304,0.8108650358823983,422.7491760253906,0.8202415360844285,0.8273511671309945,14.784317016601562,0.7593559617058312,0.7162892522405419,0.8079327108573192,16.53432273864746,0.8203498445523048,0.8222390522301263,385.4928894042969,0.7530885801280929,0.6890610990137056,0.8302338143375261,352.28704833984375,0.8095507746882457
modules.json ADDED
@@ -0,0 +1,14 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ [
2
+ {
3
+ "idx": 0,
4
+ "name": "0",
5
+ "path": "",
6
+ "type": "sentence_transformers.models.Transformer"
7
+ },
8
+ {
9
+ "idx": 1,
10
+ "name": "1",
11
+ "path": "1_Pooling",
12
+ "type": "sentence_transformers.models.Pooling"
13
+ }
14
+ ]
pytorch_model.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:2e51b43a57fadd928a0c008ca5a608c8d72aec3947afefc69e2b4e7a23ecb4cf
3
+ size 1337742513
sentence_bert_config.json ADDED
@@ -0,0 +1,4 @@
 
 
 
 
 
1
+ {
2
+ "max_seq_length": 64,
3
+ "do_lower_case": false
4
+ }
special_tokens_map.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"unk_token": "[UNK]", "sep_token": "[SEP]", "pad_token": "[PAD]", "cls_token": "[CLS]", "mask_token": "[MASK]"}
tokenizer.json ADDED
The diff for this file is too large to render. See raw diff
 
tokenizer_config.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"do_lower_case": false, "unk_token": "[UNK]", "sep_token": "[SEP]", "pad_token": "[PAD]", "cls_token": "[CLS]", "mask_token": "[MASK]", "tokenize_chinese_chars": true, "strip_accents": null, "special_tokens_map_file": "/root/.cache/huggingface/transformers/d5b721c156180bbbcc4a1017e8c72a18f8f96cdc178acec5ddcd45905712b4cf.dd8bd9bfd3664b530ea4e645105f557769387b3da9f79bdb55ed556bdd80611d", "name_or_path": "/root/.cache/torch/sentence_transformers/ricardo-filho_sbertimbau-large-nli-sts/", "do_basic_tokenize": true, "never_split": null, "tokenizer_class": "BertTokenizer"}
vocab.txt ADDED
The diff for this file is too large to render. See raw diff