TingChenChang commited on
Commit
f4a2585
1 Parent(s): a7dd494

Add new SentenceTransformer model.

Browse files
.gitattributes CHANGED
@@ -30,3 +30,6 @@ saved_model/**/* filter=lfs diff=lfs merge=lfs -text
30
  *.zip filter=lfs diff=lfs merge=lfs -text
31
  *.zst filter=lfs diff=lfs merge=lfs -text
32
  *tfevents* filter=lfs diff=lfs merge=lfs -text
 
 
 
 
30
  *.zip filter=lfs diff=lfs merge=lfs -text
31
  *.zst filter=lfs diff=lfs merge=lfs -text
32
  *tfevents* filter=lfs diff=lfs merge=lfs -text
33
+ unigram.json filter=lfs diff=lfs merge=lfs -text
34
+ tokenizer.json filter=lfs diff=lfs merge=lfs -text
35
+ pytorch_model.bin filter=lfs diff=lfs merge=lfs -text
1_Pooling/config.json ADDED
@@ -0,0 +1,7 @@
 
 
 
 
 
 
 
 
1
+ {
2
+ "word_embedding_dimension": 384,
3
+ "pooling_mode_cls_token": false,
4
+ "pooling_mode_mean_tokens": true,
5
+ "pooling_mode_max_tokens": false,
6
+ "pooling_mode_mean_sqrt_len_tokens": false
7
+ }
README.md ADDED
@@ -0,0 +1,129 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ pipeline_tag: sentence-similarity
3
+ tags:
4
+ - sentence-transformers
5
+ - feature-extraction
6
+ - sentence-similarity
7
+ - transformers
8
+
9
+ ---
10
+
11
+ # {MODEL_NAME}
12
+
13
+ This is a [sentence-transformers](https://www.SBERT.net) model: It maps sentences & paragraphs to a 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
+ ## Usage (HuggingFace Transformers)
39
+ Without [sentence-transformers](https://www.SBERT.net), you can use the model like this: First, you pass your input through the transformer model, then you have to apply the right pooling-operation on-top of the contextualized word embeddings.
40
+
41
+ ```python
42
+ from transformers import AutoTokenizer, AutoModel
43
+ import torch
44
+
45
+
46
+ #Mean Pooling - Take attention mask into account for correct averaging
47
+ def mean_pooling(model_output, attention_mask):
48
+ token_embeddings = model_output[0] #First element of model_output contains all token embeddings
49
+ input_mask_expanded = attention_mask.unsqueeze(-1).expand(token_embeddings.size()).float()
50
+ return torch.sum(token_embeddings * input_mask_expanded, 1) / torch.clamp(input_mask_expanded.sum(1), min=1e-9)
51
+
52
+
53
+ # Sentences we want sentence embeddings for
54
+ sentences = ['This is an example sentence', 'Each sentence is converted']
55
+
56
+ # Load model from HuggingFace Hub
57
+ tokenizer = AutoTokenizer.from_pretrained('{MODEL_NAME}')
58
+ model = AutoModel.from_pretrained('{MODEL_NAME}')
59
+
60
+ # Tokenize sentences
61
+ encoded_input = tokenizer(sentences, padding=True, truncation=True, return_tensors='pt')
62
+
63
+ # Compute token embeddings
64
+ with torch.no_grad():
65
+ model_output = model(**encoded_input)
66
+
67
+ # Perform pooling. In this case, mean pooling.
68
+ sentence_embeddings = mean_pooling(model_output, encoded_input['attention_mask'])
69
+
70
+ print("Sentence embeddings:")
71
+ print(sentence_embeddings)
72
+ ```
73
+
74
+
75
+
76
+ ## Evaluation Results
77
+
78
+ <!--- Describe how your model was evaluated -->
79
+
80
+ For an automated evaluation of this model, see the *Sentence Embeddings Benchmark*: [https://seb.sbert.net](https://seb.sbert.net?model_name={MODEL_NAME})
81
+
82
+
83
+ ## Training
84
+ The model was trained with the parameters:
85
+
86
+ **DataLoader**:
87
+
88
+ `torch.utils.data.dataloader.DataLoader` of length 1386 with parameters:
89
+ ```
90
+ {'batch_size': 200, 'sampler': 'torch.utils.data.sampler.RandomSampler', 'batch_sampler': 'torch.utils.data.sampler.BatchSampler'}
91
+ ```
92
+
93
+ **Loss**:
94
+
95
+ `sentence_transformers.losses.MultipleNegativesRankingLoss.MultipleNegativesRankingLoss` with parameters:
96
+ ```
97
+ {'scale': 20.0, 'similarity_fct': 'cos_sim'}
98
+ ```
99
+
100
+ Parameters of the fit()-Method:
101
+ ```
102
+ {
103
+ "epochs": 10,
104
+ "evaluation_steps": 138,
105
+ "evaluator": "sentence_transformers.evaluation.EmbeddingSimilarityEvaluator.EmbeddingSimilarityEvaluator",
106
+ "max_grad_norm": 1,
107
+ "optimizer_class": "<class 'torch.optim.adamw.AdamW'>",
108
+ "optimizer_params": {
109
+ "lr": 1e-06
110
+ },
111
+ "scheduler": "WarmupLinear",
112
+ "steps_per_epoch": null,
113
+ "warmup_steps": 1386,
114
+ "weight_decay": 0.01
115
+ }
116
+ ```
117
+
118
+
119
+ ## Full Model Architecture
120
+ ```
121
+ SentenceTransformer(
122
+ (0): Transformer({'max_seq_length': 128, 'do_lower_case': False}) with Transformer model: BertModel
123
+ (1): Pooling({'word_embedding_dimension': 384, 'pooling_mode_cls_token': False, 'pooling_mode_mean_tokens': True, 'pooling_mode_max_tokens': False, 'pooling_mode_mean_sqrt_len_tokens': False})
124
+ )
125
+ ```
126
+
127
+ ## Citing & Authors
128
+
129
+ <!--- Describe where people can find more information -->
config.json ADDED
@@ -0,0 +1,26 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_name_or_path": "models/nli-training-paraphrase-multilingual-MiniLM-L12-v2-20220907183642/",
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": 384,
12
+ "initializer_range": 0.02,
13
+ "intermediate_size": 1536,
14
+ "layer_norm_eps": 1e-12,
15
+ "max_position_embeddings": 512,
16
+ "model_type": "bert",
17
+ "num_attention_heads": 12,
18
+ "num_hidden_layers": 12,
19
+ "pad_token_id": 0,
20
+ "position_embedding_type": "absolute",
21
+ "torch_dtype": "float32",
22
+ "transformers_version": "4.21.1",
23
+ "type_vocab_size": 2,
24
+ "use_cache": true,
25
+ "vocab_size": 250037
26
+ }
config_sentence_transformers.json ADDED
@@ -0,0 +1,7 @@
 
 
 
 
 
 
 
 
1
+ {
2
+ "__version__": {
3
+ "sentence_transformers": "2.0.0",
4
+ "transformers": "4.7.0",
5
+ "pytorch": "1.9.0+cu102"
6
+ }
7
+ }
eval/similarity_evaluation_sts-dev_results.csv ADDED
@@ -0,0 +1,185 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ epoch,steps,cosine_pearson,cosine_spearman,euclidean_pearson,euclidean_spearman,manhattan_pearson,manhattan_spearman,dot_pearson,dot_spearman
2
+ 0,138,0.8197238571346949,0.8312225217651957,0.7954991317642388,0.8066999946863411,0.7934331350910234,0.8044091013930196,0.6970997311483008,0.7134281782007063
3
+ 0,276,0.8240082994760324,0.8329470666175445,0.7973020103278664,0.8077801887795192,0.7951111195461638,0.8056293617240782,0.7047757658790839,0.721242170541498
4
+ 0,414,0.8251456811241623,0.8322671769536951,0.7945082673444834,0.8047379545345291,0.7921575786081019,0.8023736849916859,0.7072119634782463,0.722912231181262
5
+ 0,552,0.8238233777261306,0.8310781912505469,0.7923649994655287,0.802734519374508,0.7902968030444442,0.8007046581002162,0.7083378062873377,0.7222712443321596
6
+ 0,690,0.8224303839741529,0.8289578673653922,0.7898634209576936,0.8000408873393506,0.7878343376657563,0.797966711734948,0.7082225881998766,0.7214654980020012
7
+ 0,828,0.8213900810894803,0.827246948032914,0.7849319903956992,0.794769372988742,0.7832228220186176,0.7927623543894596,0.7021326838845443,0.7174587245183981
8
+ 0,966,0.8203151524184653,0.8261201654934307,0.784420409548731,0.7945136167083746,0.782657522270922,0.7924666241961088,0.7027049995925522,0.718227739650413
9
+ 0,1104,0.8203297838205048,0.8261142169839968,0.78421074475481,0.7937942620944363,0.7823801158494261,0.7916325421488634,0.7146792799216939,0.7301603860450047
10
+ 0,1242,0.81591906986505,0.8213514159019124,0.7813005354129604,0.7910327254198334,0.7795902519618487,0.7890859771844305,0.6999039082172044,0.7125575841974988
11
+ 0,1380,0.8168177881420321,0.8225107388502207,0.7845477818897826,0.7934193857188994,0.7830049896882678,0.7914557218406598,0.7116950249213954,0.7240431458786935
12
+ 0,-1,0.8171510733030629,0.8228867355843902,0.7852663702764766,0.7940792452686394,0.783657486782902,0.7921294475195636,0.7120441737921982,0.7243792768829352
13
+ 1,138,0.8173627060634927,0.8236471884666731,0.787652786120869,0.796556779678339,0.7862028930164296,0.7944999185218959,0.7141734788657321,0.7267007910307818
14
+ 1,276,0.8156325953322577,0.8218136224849006,0.7845578888376419,0.7933217834880298,0.7833378699653919,0.7916351838711543,0.7126142863762798,0.7250228072369965
15
+ 1,414,0.8110547076580636,0.81686723928878,0.7798114126980519,0.7890011958525636,0.7787535219466806,0.7873149728550656,0.7015803677283877,0.7148240883592998
16
+ 1,552,0.8095296165146528,0.8158605057440652,0.7800431091042171,0.789002801461499,0.7791357675348489,0.7873899171531898,0.7068105641643522,0.7174291413839424
17
+ 1,690,0.8131030596562536,0.8184290153076308,0.7819828892172077,0.7902137969927062,0.7809740558455616,0.788432119842077,0.7072233809783687,0.7207974262087166
18
+ 1,828,0.8096690614579544,0.8157594115537287,0.7795772126338248,0.7876289075220245,0.7784282258542223,0.7858311987099904,0.712723418574985,0.7228856157962338
19
+ 1,966,0.8076744272004385,0.814059066617735,0.7749101142945334,0.7839921174050644,0.7734734490608517,0.7821923552148315,0.7139689932364783,0.722196738507429
20
+ 1,1104,0.8069975361712967,0.8125031948546849,0.7755501026767821,0.7840902800116529,0.7743569166983503,0.7824880092525061,0.7168504704424078,0.7257381226218885
21
+ 1,1242,0.806456025642206,0.8122956337120627,0.7774071080140575,0.7861838348189514,0.7761529159740042,0.7845287671537389,0.7095066126208106,0.7184101015837464
22
+ 1,1380,0.8018019618306806,0.8072108191277871,0.774852012358252,0.783767948399451,0.7737398187922647,0.7821823909623813,0.6957315918800433,0.7028441623398672
23
+ 1,-1,0.801623191181159,0.8071639651888205,0.7746978579191407,0.783716203410091,0.7735766323508998,0.7820043634138497,0.6952359373922403,0.7021109556678677
24
+ 2,138,0.8019200378212865,0.807747035431667,0.7742622026072437,0.7830462365881838,0.7731705776719267,0.7814356884963379,0.703004040323788,0.7098385254539346
25
+ 2,276,0.8047341139000302,0.810042298238179,0.7777673762344912,0.785957530671266,0.7770463029133199,0.7848540336752363,0.7045368822565985,0.712050650736659
26
+ 2,414,0.8019943221624377,0.8071233656676494,0.7776387954009939,0.785380315793522,0.7763853737462565,0.7836206477187508,0.7000024998424276,0.7080148367760356
27
+ 2,552,0.7988887608584635,0.8050709674438022,0.771066370273784,0.7795376712921374,0.7699844144875477,0.7779046312445026,0.7030167622462484,0.7121361987754585
28
+ 2,690,0.8011155142065177,0.807077113997517,0.7761918670625412,0.7836675483629418,0.7751590221957594,0.7824021720487859,0.697855305828342,0.7066379963079564
29
+ 2,828,0.803769544941011,0.8097574227496314,0.7767154557349658,0.784313812333437,0.7756141837127437,0.7825458113020696,0.7061244090963972,0.714767088212656
30
+ 2,966,0.8038420940413463,0.8097216199947387,0.7765379173438927,0.7845780477902456,0.7752481934266688,0.7828536519718128,0.7064195713716976,0.7144054205261174
31
+ 2,1104,0.7959977165239934,0.8017747024681969,0.7701016359467797,0.7788787008779082,0.7690206427478067,0.7776582152990251,0.7025597211745344,0.7091728852330285
32
+ 2,1242,0.7979284371472164,0.8036090200751058,0.7683236107817443,0.7775109234510222,0.7673743313687723,0.7760961223868068,0.706949352307193,0.7142002645121561
33
+ 2,1380,0.7989999938731949,0.8047514106986305,0.7723229927979656,0.7807909884851411,0.7710567649093352,0.7793035878973107,0.7046579761237397,0.7113947870637766
34
+ 2,-1,0.7989329520237909,0.8046857652034872,0.7720721530524607,0.7805461220744415,0.770810746598205,0.7789866056870158,0.7059086130036483,0.7126394354054669
35
+ 3,138,0.8016739930205614,0.8072295929511275,0.7746214671887348,0.7827536949886533,0.7734850938696993,0.781338746213582,0.707200114986442,0.7155730479443128
36
+ 3,276,0.8031523734734005,0.8089396930838001,0.7750024903011754,0.7833479876623488,0.7740660262682648,0.7819897586276324,0.7094355713168553,0.7160845580899304
37
+ 3,414,0.8012352999214153,0.807078179766294,0.774142004408884,0.7824037119995715,0.773096338019523,0.7809610498369363,0.7128701725105431,0.719218571930582
38
+ 3,552,0.7955259309305465,0.8018501933066737,0.7680966930403971,0.7776666139191167,0.7672551858774131,0.7765545132862922,0.7103360934630718,0.7157734657494456
39
+ 3,690,0.794381184809905,0.8001418643243059,0.7660410238827975,0.7752832042125554,0.7652077187087796,0.774423282624267,0.7083601525864076,0.7147471378737329
40
+ 3,828,0.7963817733001668,0.8022282330582337,0.766272633770439,0.7760936609410314,0.7655127087031763,0.7748820398128439,0.7073413928607691,0.7148529127692608
41
+ 3,966,0.7988549569584946,0.8042766637615513,0.7689154100150393,0.7780541394395547,0.7682198190490505,0.7768235560053623,0.7079765792306664,0.7155799318339425
42
+ 3,1104,0.7953005072694482,0.8017590931883397,0.767730815605475,0.7768698649437684,0.7668237701935251,0.7753543168469402,0.7012694540510797,0.7081318260437529
43
+ 3,1242,0.7995448828776156,0.8055738573641391,0.7722059025736348,0.780767067991098,0.7716873157118428,0.7795719734102109,0.7117523021068483,0.7189303166642826
44
+ 3,1380,0.7974491292274575,0.8033268509383126,0.7700835820633068,0.7791553091582035,0.7694347158738069,0.7779270339936621,0.706202027420557,0.711961042998433
45
+ 3,-1,0.7971753700527268,0.8029933533134842,0.7697383538088651,0.778766882361929,0.7691386376268662,0.7776728074815451,0.706167829908803,0.7116637191340117
46
+ 4,138,0.7978400829562219,0.803851152817199,0.7689445516161464,0.7776605559381562,0.7686008290191577,0.7767878233633914,0.7128335156825668,0.7190502025505437
47
+ 4,276,0.7979181006128119,0.8039367525028064,0.7713588852284904,0.7800743879273752,0.7710074851054516,0.7790295845525896,0.7063806977341561,0.7117470199336811
48
+ 4,414,0.7981667182440538,0.8041491560630728,0.7693786011327394,0.7784837209140821,0.7687386090327758,0.7769809452390499,0.7099038021626984,0.7150820419703836
49
+ 4,552,0.7965831870819908,0.802031600800453,0.7659780556065559,0.7750147890656748,0.7652437822779288,0.7737564539500484,0.7097159097646576,0.7138524350460237
50
+ 4,690,0.7977207889704769,0.8037078252607177,0.7670342539423167,0.7754589078696762,0.7664342750417553,0.7741637272254742,0.7075930863209596,0.7125009073043643
51
+ 4,828,0.7955720171203856,0.8016011648174914,0.7649566547446286,0.7737654705395562,0.764163726703986,0.7721388880717334,0.6997532659919552,0.7048195040594313
52
+ 4,966,0.7946953074210111,0.8004877837483293,0.7648525898975991,0.772976676368189,0.7639577748408007,0.7716013571023362,0.7074531385946127,0.7127376836635567
53
+ 4,1104,0.7962843458824475,0.8025643146845656,0.76840287006561,0.7767252771027603,0.7676789405573775,0.7753075882774948,0.7110014513476658,0.7159230218107472
54
+ 4,1242,0.7960724830212318,0.8019366469825584,0.7675939500966952,0.7759910166145269,0.7667340754581667,0.7743662650139027,0.7129824511505363,0.7176835792540722
55
+ 4,1380,0.7986461500517394,0.8041904175507784,0.7692053721851592,0.7771537989534231,0.76831126960088,0.7757729665639865,0.7141482305161748,0.7194378664933978
56
+ 4,-1,0.7991504138186057,0.8046415356175044,0.7697429266612911,0.7775288131522665,0.7688187002431691,0.7762675621407261,0.7147725783823092,0.7202312552274054
57
+ 5,138,0.7986990958287497,0.8046842228371136,0.768481349341613,0.7761676563539018,0.7675325889937213,0.7745917968854883,0.7177861599419555,0.723653236669119
58
+ 5,276,0.7985558739883717,0.8041000753859407,0.7659014581338486,0.7737136185732072,0.7648980404421576,0.7720103135383828,0.7202106953612358,0.7272416610204746
59
+ 5,414,0.7958320092543474,0.8013558845308546,0.7631435926844045,0.7715956147765387,0.7619719106224307,0.7695870811557391,0.7107969771269108,0.7173266812861706
60
+ 5,552,0.7951728134348023,0.8006158892901846,0.7621759265539599,0.770987834147961,0.7609756123041477,0.768909999539387,0.7011211825034179,0.7073470125448464
61
+ 5,690,0.7951437957443209,0.8005658084130993,0.7632902305338042,0.7724449163984993,0.762475715629504,0.7704546112961047,0.7017829106346936,0.7074766973850225
62
+ 5,828,0.7950076876302957,0.8007570532792087,0.7628328215253174,0.7717830036656402,0.7619975700505681,0.7698681746336727,0.7010333240055102,0.7076174455823062
63
+ 5,966,0.7965176972399424,0.8015905647622692,0.7635529983378713,0.7724333190724173,0.7626139506811055,0.770676437680188,0.7023350828271516,0.7086523764261242
64
+ 5,1104,0.7966958914302805,0.8017611559843107,0.7664369902715285,0.7747694954108763,0.7654228131450176,0.7731095066330468,0.7033722337751033,0.7094621416664054
65
+ 5,1242,0.7982673212646713,0.8036876319898532,0.7690010524880937,0.7770920339096937,0.7680050089613779,0.7754247495105694,0.7061034798836723,0.712571885458446
66
+ 5,1380,0.7962415675767645,0.8013954408609999,0.7672959136329062,0.7755381563372865,0.7663010380567238,0.7737903095297526,0.7045865303873454,0.7115308742904659
67
+ 5,-1,0.7961638516176288,0.8012295829467049,0.7671541269975819,0.7753533372961809,0.766168033684078,0.7736785834061383,0.7044644227569385,0.7114464676082598
68
+ 6,138,0.794570708937162,0.7996260874995953,0.7652909293087977,0.7732539129713636,0.7643623263013071,0.7717140956141765,0.7036690360232828,0.7102579830330831
69
+ 6,276,0.7941962849360578,0.7988331178722522,0.7639226097511465,0.7722768921480122,0.7629721070223908,0.7705779720212446,0.7000759309071957,0.7060483205323841
70
+ 6,414,0.7927680985022368,0.7973462703061064,0.7624888043096507,0.7710289683083721,0.7615903051583777,0.7693547276591451,0.6958249331421332,0.7016687935107634
71
+ 6,552,0.794732646037312,0.7991460226817835,0.7644928826953006,0.7721989956512492,0.7635590621572396,0.7705642859979883,0.7017577957312572,0.7093233244063784
72
+ 6,690,0.793383826865343,0.7977565668027639,0.7628945260871235,0.7707484391795469,0.7621156235595489,0.7694067129724554,0.7018070426139759,0.7097187832125366
73
+ 6,828,0.7927846016059401,0.7977535141018327,0.7626995716629813,0.7709108428609089,0.761871421331468,0.769467073461809,0.6990687593212416,0.7065676939088319
74
+ 6,966,0.7933760186531709,0.7986931638835381,0.763751856650412,0.7717735321489089,0.7630282817933016,0.7704457582216668,0.7053344850572514,0.7127355840162797
75
+ 6,1104,0.791693321893557,0.7968206743339065,0.7635194630751629,0.7718110075025835,0.7630690497093359,0.7706634757889721,0.7005051368046434,0.7079857626293643
76
+ 6,1242,0.7924641548858589,0.7976092005980087,0.7648850638362987,0.7732701755109896,0.7642728223286704,0.7721546475160062,0.7017819608166511,0.7088685786890723
77
+ 6,1380,0.793613182658449,0.7986793656925847,0.7663505782022711,0.7745508516542476,0.7657743033318679,0.7733672178061257,0.7044781950328228,0.7115463900153961
78
+ 6,-1,0.7934414572464208,0.7984519827270213,0.7663151423690356,0.7745280586315725,0.7657379331183732,0.7733888198628248,0.7041572824611357,0.7112356092708877
79
+ 7,138,0.7924811982614381,0.7972109651723965,0.764618318742823,0.7730151258187827,0.7641035506004296,0.7718637374933688,0.7040814467366019,0.7107503115477637
80
+ 7,276,0.7903277445995756,0.7955406450043367,0.7618186356796568,0.7705563857714102,0.7613444641690372,0.7695587347504285,0.7025653784176779,0.7089927422982667
81
+ 7,414,0.7919591117523248,0.7972226887108084,0.7638613209567736,0.7723399066956874,0.7633655975650769,0.7711276478435696,0.7068075713985136,0.7131960037090509
82
+ 7,552,0.7905328847193773,0.7956800643053776,0.7631048394434192,0.7715504491182225,0.7626513223549142,0.7704621716749892,0.7053933080096846,0.7114414100101132
83
+ 7,690,0.7900192100833732,0.7953566906295055,0.7621588295301662,0.7706147830037138,0.7616881226509966,0.7697793704360916,0.7050992388372567,0.7115050340182242
84
+ 7,828,0.79022704424667,0.7955141265755181,0.7624269716532367,0.7714748108116741,0.7620341723673635,0.7704612094320895,0.706067564718897,0.7121402644941836
85
+ 7,966,0.7908904728609707,0.7960260457515117,0.7628808964866448,0.7719250325637265,0.7623616358735557,0.7707305919992754,0.7067694142158704,0.712851585955601
86
+ 7,1104,0.7906871478086609,0.7956154221282493,0.7634175551017391,0.7719877507333055,0.7628560431498889,0.7708361324602379,0.7055391728075738,0.7118954754340814
87
+ 7,1242,0.7891584174954869,0.7941653207996293,0.7620095912555493,0.7706941934871537,0.7615993943617955,0.7698699568576864,0.7015234597140639,0.7076269086516827
88
+ 7,1380,0.789184508251791,0.7939777600443986,0.7621013024749059,0.7707380390084931,0.7615886973414974,0.7698146459165228,0.7025362784198222,0.708799018000996
89
+ 7,-1,0.789326984301131,0.794117347400837,0.7621085358617318,0.7707343624203573,0.7615971218266754,0.7697511075023189,0.7030116297910505,0.709269696352391
90
+ 8,138,0.7897697297491557,0.7948474562086778,0.7617978473231334,0.7706599760603176,0.7612825236051591,0.7696938031797482,0.7052786043295047,0.7115125976030339
91
+ 8,276,0.7897711389202926,0.79502096422151,0.7617888444166309,0.7706316402791851,0.7612738190256525,0.7695270553312625,0.703966484858571,0.7097958423655064
92
+ 8,414,0.7896729110152467,0.7951764792998004,0.7609563080048934,0.769696079368289,0.7604761909382853,0.768767242302536,0.7011533121694792,0.707529939463672
93
+ 8,552,0.7887346383543514,0.7938161846781058,0.7600236688682611,0.7688354397893348,0.7595017672514112,0.7676288491877028,0.6979816710186931,0.7041223422878367
94
+ 8,690,0.7891937444946051,0.7940737852163455,0.7605547556895149,0.7692383533101774,0.7599676026509533,0.7680951924517379,0.6992740381449457,0.7056651206364661
95
+ 8,828,0.7895042183887889,0.7945767715373728,0.7606383862178894,0.7695193835603796,0.759985833308002,0.7683139179686916,0.7005500736606841,0.7064405112664531
96
+ 8,966,0.7904683783513251,0.7956877654304928,0.7614280731890626,0.7703478680222118,0.7607044426348072,0.7690405580585692,0.7015310415779907,0.7075338351709957
97
+ 8,1104,0.7899964814544479,0.7951321793525632,0.7610056048148559,0.7697669403127195,0.7602965259247576,0.7687507347521456,0.700900105838177,0.7067305817510046
98
+ 8,1242,0.790537338326599,0.7957491711518171,0.7614912096380014,0.7702281134990994,0.7608359680068416,0.768984700062704,0.7032419482525134,0.7087678396461813
99
+ 8,1380,0.7902287812052676,0.7952322941121936,0.7616784142176464,0.7703633819755233,0.7610261365860747,0.7693501651445657,0.7029592759050501,0.7084903224719611
100
+ 8,-1,0.7901435115391436,0.7951357603772838,0.7616395233207327,0.7703630038409588,0.7609869487230398,0.7693435625714526,0.7027459785075614,0.7082254941777849
101
+ 9,138,0.7898304316738223,0.7950444410359481,0.7620383193575109,0.7707240946317934,0.7613577422387023,0.7696584286470494,0.7022686185966929,0.7074683407963106
102
+ 9,276,0.7896234034503542,0.7947266032786386,0.7619417979482166,0.7706855910848348,0.7612493483530979,0.7694547142261987,0.701671716159935,0.7070150236235325
103
+ 9,414,0.7903186293986479,0.7953352505921129,0.7624735583589668,0.7710403675170258,0.7617825856056053,0.7697154052364473,0.7037591800126424,0.7094229300756785
104
+ 9,552,0.7904238768346882,0.7953278023765068,0.7628103380461596,0.7713725028545801,0.7621265504884415,0.7699930713458708,0.703903396946949,0.7096295501958699
105
+ 9,690,0.7905290164353665,0.7955549483583036,0.7628152740364387,0.7713353599272154,0.7621027375727181,0.7700016841113736,0.704540094485093,0.7104604939697196
106
+ 9,828,0.7909036133250122,0.7958981627156942,0.7632871425202692,0.7717315636938189,0.7625726497824955,0.7703845209546983,0.7045741527808319,0.7103911262312023
107
+ 9,966,0.7909432601160118,0.7960121057362216,0.7631664737566938,0.7715424997588171,0.7624669853437311,0.7703051368845941,0.7046639990334551,0.7106353989044869
108
+ 9,1104,0.7911345481809607,0.7962378174637229,0.7632035458057808,0.7715508415906457,0.7625089450927344,0.7704073146961232,0.704699534954765,0.710499065983804
109
+ 9,1242,0.7911116999027522,0.7962204726096799,0.7631241766722351,0.7715229874131893,0.7624435425516403,0.7702985790115388,0.7047659682046794,0.7106106137404952
110
+ 9,1380,0.7911524745793858,0.796285319070898,0.7631674762734877,0.7716100037221709,0.7624873129989883,0.7703637304722171,0.7048494505751359,0.7107466937515813
111
+ 9,-1,0.7911524707830373,0.7962865532115194,0.7631675085775474,0.7716105949858576,0.7624873403752144,0.7703637312178839,0.7048495482920972,0.7107484331946724
112
+ 0,138,0.8157674243261983,0.8292213591099212,0.7932962733233279,0.805279109677228,0.7912728404712117,0.8029688079483436,0.690037292008894,0.7061284132328655
113
+ 0,276,0.8165394410361212,0.8296549687269036,0.7938293396326987,0.8056106436404157,0.7918102632421135,0.8033618562997838,0.6914517371101248,0.7074878912274299
114
+ 0,414,0.8176231678943101,0.8301800589737234,0.7945343457863455,0.8062151586241707,0.7925088780084985,0.8038583262149658,0.6933891129376673,0.7093615487545406
115
+ 0,552,0.8188602227185366,0.8307952198887328,0.7954116527915284,0.8067369230602407,0.7933588133397785,0.8044347650353691,0.6957144711488948,0.7117726000815578
116
+ 0,690,0.8203056846606176,0.8315090974592299,0.7961434410977501,0.8071864798087215,0.7940531900454064,0.8049024699905472,0.6981551572885464,0.7145831443190617
117
+ 0,828,0.8214694283246011,0.8320039602213468,0.7965875250818175,0.8074156070236332,0.7944443045544503,0.8051015005713263,0.7003135696584288,0.7170119612678114
118
+ 0,966,0.8224224312746546,0.8323686942080658,0.7967284015690448,0.8075264981081439,0.7945525675600503,0.8051538220733783,0.7017506235215716,0.7184383510120865
119
+ 0,1104,0.8233860280115853,0.8327534838853009,0.7970147912451876,0.8076656348660594,0.7947973755961324,0.805320455287609,0.7034352807712714,0.720100872303053
120
+ 0,1242,0.8239382681380442,0.8329689619086318,0.7969395208967964,0.8074205608686545,0.7946949216042882,0.8051881743424842,0.7045478212150156,0.7212478342202423
121
+ 0,1380,0.8242734114959005,0.8327610308575986,0.7967501148330582,0.8071777789109295,0.794448088192043,0.8046787617773176,0.7050835192950613,0.7217067107587076
122
+ 0,-1,0.824286723725371,0.8327415090147362,0.7967543481763942,0.807169174416894,0.7944508791621424,0.8046706864452285,0.70512220384795,0.7217546305465627
123
+ 1,138,0.8245032022692501,0.832615138609183,0.7964878952622066,0.8067581987335478,0.7941513103309252,0.8044672303599483,0.7057145813762191,0.7220805813512433
124
+ 1,276,0.8246430869032988,0.8324505504263912,0.7962094146834604,0.8061927235357185,0.7938380309645489,0.8039961893192052,0.7056780388791886,0.721986535035541
125
+ 1,414,0.8249835689221281,0.8326715727073568,0.7962169273309722,0.8062311322414877,0.7938213356749844,0.8039556115406492,0.7061972931240547,0.7222901078494108
126
+ 1,552,0.8250218830005138,0.83262423663029,0.7958562423221882,0.806001763557278,0.7934600876693811,0.8036130953395496,0.7063431758379157,0.7219325790014183
127
+ 1,690,0.8250703446171838,0.8325599900666768,0.7953957393220384,0.8055132294674757,0.793004548622999,0.8031159765650581,0.7065396524645249,0.7217586501405518
128
+ 1,828,0.8251330487484653,0.8324701845294028,0.7950427882907819,0.8050422098004427,0.7926903467505647,0.8028432970680549,0.7065350985647715,0.7217218576868933
129
+ 1,966,0.8249727262174685,0.8321278777796339,0.7943812513562771,0.804526333424811,0.7920347301837418,0.8021954736688063,0.7059191147196958,0.7210292008717641
130
+ 1,1104,0.8250890610876996,0.8320392664665006,0.7939035556154687,0.8040950466498175,0.7915841546223701,0.8017323589903818,0.7062742749411663,0.7213365193334476
131
+ 1,1242,0.8249751398420102,0.8317924244762128,0.7934053032043609,0.803596883843944,0.7910940940936337,0.8012772857026684,0.7064583641597817,0.7213866237225537
132
+ 1,1380,0.8249763329922051,0.8317116092774087,0.792884614876488,0.8029913532665868,0.7905839651456256,0.8007898501863472,0.706433419221729,0.7214130070661037
133
+ 1,-1,0.824987652062418,0.8317175501344075,0.792877370820862,0.8029932038683845,0.7905772763016569,0.8007853926504546,0.7064927608052971,0.721489401933281
134
+ 2,138,0.824844157280703,0.8315631775032831,0.7924497458584604,0.8026761564777022,0.790175659543633,0.8004057603780513,0.7064367456987847,0.7213795560781342
135
+ 2,276,0.8246857772001729,0.831314437079787,0.7917549036599607,0.8019314824424366,0.7894943796779581,0.7996254849064983,0.7064078449607446,0.7212239236632628
136
+ 2,414,0.8245670910063454,0.8311507230295692,0.7913240153116022,0.8015256419631931,0.7890634383284045,0.7992155069777468,0.7062720792022981,0.7211635789810661
137
+ 2,552,0.824392007651391,0.8308971804671718,0.7908091727890361,0.8010696633082266,0.7885506899867802,0.7987019992375991,0.7059966036966013,0.7207739614984141
138
+ 2,690,0.8241856539134629,0.8305249857133611,0.7901268600067338,0.8005211504914703,0.7878825642226513,0.7980058273668691,0.7054182884188543,0.7200642984726282
139
+ 2,828,0.8241386781677762,0.8306175712812535,0.7899625217211796,0.8004061765093659,0.7877282701642782,0.7978432193996994,0.7051248142021356,0.7195441189591393
140
+ 2,966,0.8240044320787039,0.8305638188625938,0.7897146532660773,0.8001511093825688,0.7874684381957686,0.7976657703309352,0.7048350314191791,0.7192126318049814
141
+ 2,1104,0.8237903606474464,0.8302336126346408,0.7892601240793725,0.7997571778252813,0.7870256921594916,0.797206203517199,0.7043322366842066,0.7185679146507332
142
+ 2,1242,0.8236584634306948,0.8300015117190637,0.7888710758467754,0.7993271469126959,0.7866399121094533,0.7967984614858384,0.7040314151840338,0.7184627304297385
143
+ 2,1380,0.8235067881757296,0.8297104982460308,0.7887395914807859,0.799116512534704,0.7865157855361717,0.796614975398282,0.7040755329934215,0.7186074541319061
144
+ 2,-1,0.8235131719313498,0.8296898042799092,0.7887448988757705,0.7991332512311008,0.7865214890468022,0.7966044709655017,0.7040869759492188,0.7186099061718043
145
+ 3,138,0.8235482357743037,0.8298167709524875,0.7885909713438419,0.7990666608611314,0.786371125430168,0.7965084837785953,0.7042051977666121,0.7184885878997042
146
+ 3,276,0.8234667366186046,0.8297846158360129,0.7884238417773327,0.7988860358162937,0.786184755405714,0.7963378336362968,0.7035982739440588,0.7177968879855132
147
+ 3,414,0.8233571097980756,0.8296943139914349,0.788162602659811,0.7986584094020779,0.7859302274043936,0.7960732445008865,0.7034824807674313,0.7176617070914042
148
+ 3,552,0.8233836551991597,0.8297620772214359,0.7881176403999907,0.7985700135486404,0.7859091900417975,0.7960047478626633,0.7037934419360209,0.7177734286223283
149
+ 3,690,0.8232799883867293,0.8296284265903359,0.7880043558672195,0.7984721433691465,0.7858108941197071,0.7958768367364234,0.7037398632258116,0.7177697779313241
150
+ 3,828,0.8231591071458664,0.8294009851822345,0.7880292745197112,0.7984300026101332,0.7858535073621491,0.7959677783520827,0.7039289131423573,0.7179321573155768
151
+ 3,966,0.8229669865685961,0.8291650550544847,0.7876947395609345,0.7981929739469,0.7855508098792333,0.7955517930410881,0.7040766657316638,0.7180162563498639
152
+ 3,1104,0.8228227646868482,0.828915923847356,0.7872744607091734,0.7977664968293501,0.7851705868298875,0.7952218551445845,0.7038325408335017,0.717773564370204
153
+ 3,1242,0.8229174534756548,0.8290339525398581,0.787252293130514,0.797658495221373,0.7851669977662713,0.7952564864460194,0.7035573772228919,0.7176148259062477
154
+ 3,1380,0.8229201884492671,0.8290489338677216,0.7870293944410502,0.7973899081531791,0.7849547280292062,0.7949456558669179,0.7035519598658482,0.7176828355285844
155
+ 3,-1,0.8229112214078365,0.8290313103859293,0.7870230151993116,0.797395066346869,0.7849488113803655,0.7949426379621259,0.7035569075493722,0.7176885273892638
156
+ 4,138,0.8228133177391407,0.8289133007099952,0.7869176304890356,0.7971846848791223,0.7848390074940941,0.7948275157959519,0.7038113273088338,0.7178819743627413
157
+ 4,276,0.8227496268928152,0.8288301680207593,0.7868026860738139,0.7970171846883953,0.7847095754967645,0.7947350318055616,0.7040703709010577,0.7181703515471343
158
+ 4,414,0.8226269584617629,0.8286450071988231,0.7865577992031869,0.7967295751686803,0.7844911033232905,0.7944706857012105,0.7037118648514801,0.7177222282114628
159
+ 4,552,0.8226331442661372,0.8287251005870591,0.7864468993164595,0.7966094513327219,0.7843888752846022,0.7941847007676011,0.7034949613758315,0.7174128609002078
160
+ 4,690,0.8225992474723495,0.8287465244460834,0.7863028949325181,0.7964068397099248,0.7842445635204411,0.7939895408717299,0.7037227185646104,0.7176234038008801
161
+ 4,828,0.8224852538526308,0.8285584626335447,0.786155133201126,0.7962965808999016,0.7840998898812749,0.7938220130215956,0.7036364358684447,0.7176172107669753
162
+ 4,966,0.8222012158115864,0.828227751819636,0.7856547688190493,0.795827066411348,0.7836479105540743,0.7934415133538554,0.7031610354147738,0.7170006969007899
163
+ 4,1104,0.8221451722299317,0.8280858677900952,0.7854533778118168,0.7955564113915391,0.7834755312346955,0.7931522378474948,0.7034633026168683,0.7174698953256203
164
+ 4,1242,0.8219582688452719,0.8279549561300873,0.7854274870300298,0.7955847313658343,0.7834658649828223,0.7931335679642285,0.7032457147636396,0.7173055579744342
165
+ 4,1380,0.8218512532231017,0.827698001697482,0.7853628324528827,0.7953612163688212,0.7834034015418861,0.7930753176913347,0.7029114059171445,0.7168349513503148
166
+ 4,-1,0.8218422479495807,0.827712051224035,0.7853342814127016,0.7953398111280703,0.7833769457633251,0.7930340625416412,0.7028826587371623,0.7167650540880641
167
+ 5,138,0.8218006249440032,0.827700302771131,0.7853187538894245,0.7953245239138854,0.7833675261655114,0.7929173023908314,0.7028810134505202,0.7168689696991696
168
+ 5,276,0.8217019338386439,0.8274524760027696,0.7851968242113128,0.7950829080809575,0.783274168870206,0.7928691870616261,0.7028273280181101,0.7168532386108736
169
+ 5,414,0.8215147268332199,0.827294108617391,0.7849472692190411,0.794825551792994,0.7830294891253702,0.792633008022762,0.7024794367824494,0.7165192672198591
170
+ 5,552,0.8215481163584433,0.8272239399647876,0.7850065178228918,0.7948676489887226,0.7830875175018691,0.7926070978281897,0.7025175270007024,0.7164860510693595
171
+ 5,690,0.8215022250558751,0.8272994228751981,0.7850051467403156,0.7948848836296173,0.7831004089791026,0.7926616804670228,0.7026087829270266,0.7166057406495547
172
+ 5,828,0.8213616478559154,0.8271167994280205,0.7848263994945782,0.7947250651399079,0.7829252558223719,0.792409333748464,0.7025400617888167,0.7165775945509367
173
+ 5,966,0.8212620378982374,0.8270807518709115,0.784685837249418,0.7946042327439,0.7828000803897772,0.792343868850611,0.7027308530751414,0.7166580946673535
174
+ 5,1104,0.821352485662589,0.8271309315665235,0.7848350702839751,0.7947245368165462,0.7829611658115032,0.7925095212843565,0.7030323726206263,0.7170031601018223
175
+ 5,1242,0.8211907354123656,0.8269927163331677,0.7846596832243082,0.7945630593749593,0.782784785239287,0.7922031549305107,0.7028605114243051,0.7168403342816301
176
+ 5,1380,0.8210162067753549,0.8267800088942084,0.784462247931538,0.7944230907931925,0.78259637126907,0.7920290810643547,0.7026511331697844,0.7165587382435131
177
+ 5,-1,0.8210091949077097,0.8267732712177064,0.7844563511611583,0.7944166107475392,0.7825914510464389,0.7920122396164597,0.7025995584241848,0.7164919957328569
178
+ 6,138,0.8209282651616645,0.8266329074260751,0.7843388379580095,0.7942539893909556,0.7824671701907466,0.7918957272154107,0.7024338401442616,0.7163394095022123
179
+ 6,276,0.8209883752914234,0.8267296818096986,0.7844615582446467,0.7943999325292139,0.7825919600154516,0.7920729443476814,0.7025596514565966,0.7164804301521609
180
+ 6,414,0.8210190311186587,0.8267706338223215,0.7845327145613711,0.7944680529824892,0.7826538488679271,0.7920652424527823,0.7027394963083647,0.7166939963032557
181
+ 6,552,0.8209718758801257,0.8267746693250511,0.7845435486148047,0.7944373505611746,0.7826623426898925,0.7920550287996967,0.7028016700475782,0.7167222003955034
182
+ 6,690,0.8209402726664571,0.8267853506268836,0.7844345472522704,0.7943857957024417,0.7825580409280806,0.7919960850005497,0.7028281775441523,0.7167847818546866
183
+ 6,828,0.8208135834269774,0.8266700081156799,0.7842409001138843,0.7942117838546929,0.7823658052003384,0.7917794082269233,0.7025675709687559,0.716562346160398
184
+ 6,966,0.8207318634989477,0.8265175074273338,0.7842200979490545,0.794164733952711,0.7823534660804337,0.7917603221022146,0.7026162133026436,0.7166409412552518
185
+ 6,1104,0.820773392125963,0.8265637571405148,0.7842625784216635,0.7941536667329862,0.7824015794764351,0.7917590622711185,0.70271052200833,0.7166544751895627
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:0cb9703a3c1b6aa84392813a62ecd059895796fb9be7e0dce3e1d2fe88750a6b
3
+ size 470684465
sentence_bert_config.json ADDED
@@ -0,0 +1,4 @@
 
 
 
 
 
1
+ {
2
+ "max_seq_length": 128,
3
+ "do_lower_case": false
4
+ }
special_tokens_map.json ADDED
@@ -0,0 +1,15 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "bos_token": "<s>",
3
+ "cls_token": "<s>",
4
+ "eos_token": "</s>",
5
+ "mask_token": {
6
+ "content": "<mask>",
7
+ "lstrip": true,
8
+ "normalized": false,
9
+ "rstrip": false,
10
+ "single_word": false
11
+ },
12
+ "pad_token": "<pad>",
13
+ "sep_token": "</s>",
14
+ "unk_token": "<unk>"
15
+ }
tokenizer.json ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:b60b6b43406a48bf3638526314f3d232d97058bc93472ff2de930d43686fa441
3
+ size 17082913
tokenizer_config.json ADDED
@@ -0,0 +1,23 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "bos_token": "<s>",
3
+ "cls_token": "<s>",
4
+ "do_lower_case": true,
5
+ "eos_token": "</s>",
6
+ "mask_token": {
7
+ "__type": "AddedToken",
8
+ "content": "<mask>",
9
+ "lstrip": true,
10
+ "normalized": true,
11
+ "rstrip": false,
12
+ "single_word": false
13
+ },
14
+ "model_max_length": 512,
15
+ "name_or_path": "models/nli-training-paraphrase-multilingual-MiniLM-L12-v2-20220907183642/",
16
+ "pad_token": "<pad>",
17
+ "sep_token": "</s>",
18
+ "special_tokens_map_file": null,
19
+ "strip_accents": null,
20
+ "tokenize_chinese_chars": true,
21
+ "tokenizer_class": "BertTokenizer",
22
+ "unk_token": "<unk>"
23
+ }
unigram.json ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:71b44701d7efd054205115acfa6ef126c5d2f84bd3affe0c59e48163674d19a6
3
+ size 14763234