radoslavralev commited on
Commit
c5a2570
·
verified ·
1 Parent(s): 1c2d42f

Add new SentenceTransformer model

Browse files
1_Pooling/config.json CHANGED
@@ -1,5 +1,5 @@
1
  {
2
- "word_embedding_dimension": 1024,
3
  "pooling_mode_cls_token": false,
4
  "pooling_mode_mean_tokens": true,
5
  "pooling_mode_max_tokens": false,
 
1
  {
2
+ "word_embedding_dimension": 384,
3
  "pooling_mode_cls_token": false,
4
  "pooling_mode_mean_tokens": true,
5
  "pooling_mode_max_tokens": false,
README.md CHANGED
@@ -12,51 +12,53 @@ tags:
12
  - retrieval
13
  - reranking
14
  - generated_from_trainer
15
- - dataset_size:9233417
16
  - loss:ArcFaceInBatchLoss
17
- base_model: answerdotai/ModernBERT-large
18
  widget:
19
- - source_sentence: Hayley Vaughan portrayed Ripa on the ABC daytime soap opera , ``
20
- All My Children `` , between 1990 and 2002 .
21
  sentences:
22
- - Traxxpad is a music application for Sony 's PlayStation Portable published by
23
- Definitive Studios and developed by Eidos Interactive .
24
- - Between 1990 and 2002 , Hayley Vaughan Ripa portrayed in the ABC soap opera ``
25
- All My Children `` .
26
- - Between 1990 and 2002 , Ripa Hayley portrayed Vaughan in the ABC soap opera ``
27
- All My Children `` .
28
- - source_sentence: Olivella monilifera is a species of dwarf sea snail , small gastropod
29
- mollusk in the family Olivellidae , the marine olives .
30
  sentences:
31
- - Olivella monilifera is a species of the dwarf - sea snail , small gastropod mollusk
32
- in the Olivellidae family , the marine olives .
33
- - He was cut by the Browns after being signed by the Bills in 2013 . He was later
34
- released .
35
- - Olivella monilifera is a kind of sea snail , marine gastropod mollusk in the Olivellidae
36
- family , the dwarf olives .
37
- - source_sentence: Hayashi said that Mackey `` is a sort of `` of the original model
38
- for Tenchi .
39
  sentences:
40
- - In the summer of 2009 , Ellick shot a documentary about Malala Yousafzai .
41
- - Hayashi said that Mackey is `` sort of `` the original model for Tenchi .
42
- - Mackey said that Hayashi is `` sort of `` the original model for Tenchi .
43
- - source_sentence: Much of the film was shot on location in Los Angeles and in nearby
44
- Burbank and Glendale .
 
 
 
45
  sentences:
46
- - Much of the film was shot on location in Los Angeles and in nearby Burbank and
47
- Glendale .
48
- - Much of the film was shot on site in Burbank and Glendale and in the nearby Los
49
- Angeles .
50
- - Traxxpad is a music application for the Sony PlayStation Portable developed by
51
- the Definitive Studios and published by Eidos Interactive .
52
- - source_sentence: According to him , the earth is the carrier of his artistic work
53
- , which is only integrated into the creative process by minimal changes .
 
54
  sentences:
55
- - National players are Bold players .
56
- - According to him , earth is the carrier of his artistic work being integrated
57
- into the creative process only by minimal changes .
58
- - According to him , earth is the carrier of his creative work being integrated
59
- into the artistic process only by minimal changes .
 
60
  datasets:
61
  - redis/langcache-sentencepairs-v2
62
  pipeline_tag: sentence-similarity
@@ -81,42 +83,42 @@ model-index:
81
  type: test
82
  metrics:
83
  - type: cosine_accuracy@1
84
- value: 0.6070776173931731
85
  name: Cosine Accuracy@1
86
  - type: cosine_precision@1
87
- value: 0.6070776173931731
88
  name: Cosine Precision@1
89
  - type: cosine_recall@1
90
- value: 0.588632794022045
91
  name: Cosine Recall@1
92
  - type: cosine_ndcg@10
93
- value: 0.7755359823507149
94
  name: Cosine Ndcg@10
95
  - type: cosine_mrr@1
96
- value: 0.6070776173931731
97
  name: Cosine Mrr@1
98
  - type: cosine_map@100
99
- value: 0.7291245351244533
100
  name: Cosine Map@100
101
  - type: cosine_auc_precision_cache_hit_ratio
102
- value: 0.348058858138603
103
  name: Cosine Auc Precision Cache Hit Ratio
104
  - type: cosine_auc_similarity_distribution
105
- value: 0.21125989323367672
106
  name: Cosine Auc Similarity Distribution
107
  ---
108
 
109
  # Redis fine-tuned BiEncoder model for semantic caching on LangCache
110
 
111
- This is a [sentence-transformers](https://www.SBERT.net) model finetuned from [answerdotai/ModernBERT-large](https://huggingface.co/answerdotai/ModernBERT-large) on the [LangCache Sentence Pairs (all)](https://huggingface.co/datasets/redis/langcache-sentencepairs-v2) dataset. It maps sentences & paragraphs to a 1024-dimensional dense vector space and can be used for sentence pair similarity.
112
 
113
  ## Model Details
114
 
115
  ### Model Description
116
  - **Model Type:** Sentence Transformer
117
- - **Base model:** [answerdotai/ModernBERT-large](https://huggingface.co/answerdotai/ModernBERT-large) <!-- at revision 45bb4654a4d5aaff24dd11d4781fa46d39bf8c13 -->
118
  - **Maximum Sequence Length:** 100 tokens
119
- - **Output Dimensionality:** 1024 dimensions
120
  - **Similarity Function:** Cosine Similarity
121
  - **Training Dataset:**
122
  - [LangCache Sentence Pairs (all)](https://huggingface.co/datasets/redis/langcache-sentencepairs-v2)
@@ -133,8 +135,9 @@ This is a [sentence-transformers](https://www.SBERT.net) model finetuned from [a
133
 
134
  ```
135
  SentenceTransformer(
136
- (0): Transformer({'max_seq_length': 100, 'do_lower_case': False, 'architecture': 'ModernBertModel'})
137
- (1): Pooling({'word_embedding_dimension': 1024, 'pooling_mode_cls_token': False, 'pooling_mode_mean_tokens': True, 'pooling_mode_max_tokens': False, 'pooling_mode_mean_sqrt_len_tokens': False, 'pooling_mode_weightedmean_tokens': False, 'pooling_mode_lasttoken': False, 'include_prompt': True})
 
138
  )
139
  ```
140
 
@@ -156,20 +159,20 @@ from sentence_transformers import SentenceTransformer
156
  model = SentenceTransformer("redis/langcache-embed-experimental")
157
  # Run inference
158
  sentences = [
159
- 'According to him , the earth is the carrier of his artistic work , which is only integrated into the creative process by minimal changes .',
160
- 'According to him , earth is the carrier of his artistic work being integrated into the creative process only by minimal changes .',
161
- 'According to him , earth is the carrier of his creative work being integrated into the artistic process only by minimal changes .',
162
  ]
163
  embeddings = model.encode(sentences)
164
  print(embeddings.shape)
165
- # [3, 1024]
166
 
167
  # Get the similarity scores for the embeddings
168
  similarities = model.similarity(embeddings, embeddings)
169
  print(similarities)
170
- # tensor([[1.0000, 0.9609, 0.4414],
171
- # [0.9609, 1.0000, 0.4395],
172
- # [0.4414, 0.4395, 1.0000]], dtype=torch.bfloat16)
173
  ```
174
 
175
  <!--
@@ -207,14 +210,14 @@ You can finetune this model on your own dataset.
207
 
208
  | Metric | Value |
209
  |:-------------------------------------|:-----------|
210
- | cosine_accuracy@1 | 0.6071 |
211
- | cosine_precision@1 | 0.6071 |
212
- | cosine_recall@1 | 0.5886 |
213
- | **cosine_ndcg@10** | **0.7755** |
214
- | cosine_mrr@1 | 0.6071 |
215
- | cosine_map@100 | 0.7291 |
216
- | cosine_auc_precision_cache_hit_ratio | 0.3481 |
217
- | cosine_auc_similarity_distribution | 0.2113 |
218
 
219
  <!--
220
  ## Bias, Risks and Limitations
@@ -235,18 +238,18 @@ You can finetune this model on your own dataset.
235
  #### LangCache Sentence Pairs (all)
236
 
237
  * Dataset: [LangCache Sentence Pairs (all)](https://huggingface.co/datasets/redis/langcache-sentencepairs-v2)
238
- * Size: 126,938 training samples
239
  * Columns: <code>anchor</code>, <code>positive</code>, and <code>negative</code>
240
  * Approximate statistics based on the first 1000 samples:
241
  | | anchor | positive | negative |
242
  |:--------|:----------------------------------------------------------------------------------|:----------------------------------------------------------------------------------|:----------------------------------------------------------------------------------|
243
  | type | string | string | string |
244
- | details | <ul><li>min: 8 tokens</li><li>mean: 27.27 tokens</li><li>max: 49 tokens</li></ul> | <ul><li>min: 8 tokens</li><li>mean: 27.27 tokens</li><li>max: 48 tokens</li></ul> | <ul><li>min: 7 tokens</li><li>mean: 26.54 tokens</li><li>max: 61 tokens</li></ul> |
245
  * Samples:
246
  | anchor | positive | negative |
247
  |:--------------------------------------------------------------------------------------------------------------------------------------------|:----------------------------------------------------------------------------------------------------------------------------------------------|:----------------------------------------------------------------------------------------------------------------------------------------------|
248
- | <code>The newer Punts are still very much in existence today and race in the same fleets as the older boats .</code> | <code>The newer punts are still very much in existence today and run in the same fleets as the older boats .</code> | <code>how can I get financial freedom as soon as possible?</code> |
249
- | <code>The newer punts are still very much in existence today and run in the same fleets as the older boats .</code> | <code>The newer Punts are still very much in existence today and race in the same fleets as the older boats .</code> | <code>The older Punts are still very much in existence today and race in the same fleets as the newer boats .</code> |
250
  | <code>Turner Valley , was at the Turner Valley Bar N Ranch Airport , southwest of the Turner Valley Bar N Ranch , Alberta , Canada .</code> | <code>Turner Valley , , was located at Turner Valley Bar N Ranch Airport , southwest of Turner Valley Bar N Ranch , Alberta , Canada .</code> | <code>Turner Valley Bar N Ranch Airport , , was located at Turner Valley Bar N Ranch , southwest of Turner Valley , Alberta , Canada .</code> |
251
  * Loss: <code>losses.ArcFaceInBatchLoss</code> with these parameters:
252
  ```json
@@ -262,18 +265,18 @@ You can finetune this model on your own dataset.
262
  #### LangCache Sentence Pairs (all)
263
 
264
  * Dataset: [LangCache Sentence Pairs (all)](https://huggingface.co/datasets/redis/langcache-sentencepairs-v2)
265
- * Size: 126,938 evaluation samples
266
  * Columns: <code>anchor</code>, <code>positive</code>, and <code>negative</code>
267
  * Approximate statistics based on the first 1000 samples:
268
  | | anchor | positive | negative |
269
  |:--------|:----------------------------------------------------------------------------------|:----------------------------------------------------------------------------------|:----------------------------------------------------------------------------------|
270
  | type | string | string | string |
271
- | details | <ul><li>min: 8 tokens</li><li>mean: 27.27 tokens</li><li>max: 49 tokens</li></ul> | <ul><li>min: 8 tokens</li><li>mean: 27.27 tokens</li><li>max: 48 tokens</li></ul> | <ul><li>min: 7 tokens</li><li>mean: 26.54 tokens</li><li>max: 61 tokens</li></ul> |
272
  * Samples:
273
  | anchor | positive | negative |
274
  |:--------------------------------------------------------------------------------------------------------------------------------------------|:----------------------------------------------------------------------------------------------------------------------------------------------|:----------------------------------------------------------------------------------------------------------------------------------------------|
275
- | <code>The newer Punts are still very much in existence today and race in the same fleets as the older boats .</code> | <code>The newer punts are still very much in existence today and run in the same fleets as the older boats .</code> | <code>how can I get financial freedom as soon as possible?</code> |
276
- | <code>The newer punts are still very much in existence today and run in the same fleets as the older boats .</code> | <code>The newer Punts are still very much in existence today and race in the same fleets as the older boats .</code> | <code>The older Punts are still very much in existence today and race in the same fleets as the newer boats .</code> |
277
  | <code>Turner Valley , was at the Turner Valley Bar N Ranch Airport , southwest of the Turner Valley Bar N Ranch , Alberta , Canada .</code> | <code>Turner Valley , , was located at Turner Valley Bar N Ranch Airport , southwest of Turner Valley Bar N Ranch , Alberta , Canada .</code> | <code>Turner Valley Bar N Ranch Airport , , was located at Turner Valley Bar N Ranch , southwest of Turner Valley , Alberta , Canada .</code> |
278
  * Loss: <code>losses.ArcFaceInBatchLoss</code> with these parameters:
279
  ```json
@@ -284,307 +287,11 @@ You can finetune this model on your own dataset.
284
  }
285
  ```
286
 
287
- ### Training Hyperparameters
288
- #### Non-Default Hyperparameters
289
-
290
- - `eval_strategy`: steps
291
- - `per_device_train_batch_size`: 100
292
- - `per_device_eval_batch_size`: 100
293
- - `weight_decay`: 0.001
294
- - `adam_beta2`: 0.98
295
- - `adam_epsilon`: 1e-06
296
- - `max_steps`: 75000
297
- - `warmup_ratio`: 0.1
298
- - `load_best_model_at_end`: True
299
- - `optim`: stable_adamw
300
- - `ddp_find_unused_parameters`: False
301
- - `push_to_hub`: True
302
- - `hub_model_id`: redis/langcache-embed-experimental
303
- - `batch_sampler`: no_duplicates
304
-
305
- #### All Hyperparameters
306
- <details><summary>Click to expand</summary>
307
-
308
- - `overwrite_output_dir`: False
309
- - `do_predict`: False
310
- - `eval_strategy`: steps
311
- - `prediction_loss_only`: True
312
- - `per_device_train_batch_size`: 100
313
- - `per_device_eval_batch_size`: 100
314
- - `per_gpu_train_batch_size`: None
315
- - `per_gpu_eval_batch_size`: None
316
- - `gradient_accumulation_steps`: 1
317
- - `eval_accumulation_steps`: None
318
- - `torch_empty_cache_steps`: None
319
- - `learning_rate`: 5e-05
320
- - `weight_decay`: 0.001
321
- - `adam_beta1`: 0.9
322
- - `adam_beta2`: 0.98
323
- - `adam_epsilon`: 1e-06
324
- - `max_grad_norm`: 1.0
325
- - `num_train_epochs`: 3.0
326
- - `max_steps`: 75000
327
- - `lr_scheduler_type`: linear
328
- - `lr_scheduler_kwargs`: {}
329
- - `warmup_ratio`: 0.1
330
- - `warmup_steps`: 0
331
- - `log_level`: passive
332
- - `log_level_replica`: warning
333
- - `log_on_each_node`: True
334
- - `logging_nan_inf_filter`: True
335
- - `save_safetensors`: True
336
- - `save_on_each_node`: False
337
- - `save_only_model`: False
338
- - `restore_callback_states_from_checkpoint`: False
339
- - `no_cuda`: False
340
- - `use_cpu`: False
341
- - `use_mps_device`: False
342
- - `seed`: 42
343
- - `data_seed`: None
344
- - `jit_mode_eval`: False
345
- - `use_ipex`: False
346
- - `bf16`: False
347
- - `fp16`: False
348
- - `fp16_opt_level`: O1
349
- - `half_precision_backend`: auto
350
- - `bf16_full_eval`: False
351
- - `fp16_full_eval`: False
352
- - `tf32`: None
353
- - `local_rank`: 0
354
- - `ddp_backend`: None
355
- - `tpu_num_cores`: None
356
- - `tpu_metrics_debug`: False
357
- - `debug`: []
358
- - `dataloader_drop_last`: False
359
- - `dataloader_num_workers`: 0
360
- - `dataloader_prefetch_factor`: None
361
- - `past_index`: -1
362
- - `disable_tqdm`: False
363
- - `remove_unused_columns`: True
364
- - `label_names`: None
365
- - `load_best_model_at_end`: True
366
- - `ignore_data_skip`: False
367
- - `fsdp`: []
368
- - `fsdp_min_num_params`: 0
369
- - `fsdp_config`: {'min_num_params': 0, 'xla': False, 'xla_fsdp_v2': False, 'xla_fsdp_grad_ckpt': False}
370
- - `fsdp_transformer_layer_cls_to_wrap`: None
371
- - `accelerator_config`: {'split_batches': False, 'dispatch_batches': None, 'even_batches': True, 'use_seedable_sampler': True, 'non_blocking': False, 'gradient_accumulation_kwargs': None}
372
- - `parallelism_config`: None
373
- - `deepspeed`: None
374
- - `label_smoothing_factor`: 0.0
375
- - `optim`: stable_adamw
376
- - `optim_args`: None
377
- - `adafactor`: False
378
- - `group_by_length`: False
379
- - `length_column_name`: length
380
- - `ddp_find_unused_parameters`: False
381
- - `ddp_bucket_cap_mb`: None
382
- - `ddp_broadcast_buffers`: False
383
- - `dataloader_pin_memory`: True
384
- - `dataloader_persistent_workers`: False
385
- - `skip_memory_metrics`: True
386
- - `use_legacy_prediction_loop`: False
387
- - `push_to_hub`: True
388
- - `resume_from_checkpoint`: None
389
- - `hub_model_id`: redis/langcache-embed-experimental
390
- - `hub_strategy`: every_save
391
- - `hub_private_repo`: None
392
- - `hub_always_push`: False
393
- - `hub_revision`: None
394
- - `gradient_checkpointing`: False
395
- - `gradient_checkpointing_kwargs`: None
396
- - `include_inputs_for_metrics`: False
397
- - `include_for_metrics`: []
398
- - `eval_do_concat_batches`: True
399
- - `fp16_backend`: auto
400
- - `push_to_hub_model_id`: None
401
- - `push_to_hub_organization`: None
402
- - `mp_parameters`:
403
- - `auto_find_batch_size`: False
404
- - `full_determinism`: False
405
- - `torchdynamo`: None
406
- - `ray_scope`: last
407
- - `ddp_timeout`: 1800
408
- - `torch_compile`: False
409
- - `torch_compile_backend`: None
410
- - `torch_compile_mode`: None
411
- - `include_tokens_per_second`: False
412
- - `include_num_input_tokens_seen`: False
413
- - `neftune_noise_alpha`: None
414
- - `optim_target_modules`: None
415
- - `batch_eval_metrics`: False
416
- - `eval_on_start`: False
417
- - `use_liger_kernel`: False
418
- - `liger_kernel_config`: None
419
- - `eval_use_gather_object`: False
420
- - `average_tokens_across_devices`: False
421
- - `prompts`: None
422
- - `batch_sampler`: no_duplicates
423
- - `multi_dataset_batch_sampler`: proportional
424
- - `router_mapping`: {}
425
- - `learning_rate_mapping`: {}
426
-
427
- </details>
428
-
429
  ### Training Logs
430
- <details><summary>Click to expand</summary>
 
 
431
 
432
- | Epoch | Step | Training Loss | Validation Loss | test_cosine_ndcg@10 |
433
- |:----------:|:---------:|:-------------:|:---------------:|:-------------------:|
434
- | -1 | -1 | - | - | 0.6274 |
435
- | 0.0054 | 500 | 2.0433 | 0.5003 | 0.7156 |
436
- | 0.0108 | 1000 | 0.2913 | 0.3804 | 0.7423 |
437
- | 0.0162 | 1500 | 0.1876 | 0.3343 | 0.7526 |
438
- | 0.0217 | 2000 | 0.1484 | 0.3172 | 0.7528 |
439
- | 0.0271 | 2500 | 0.132 | 0.2945 | 0.7569 |
440
- | 0.0325 | 3000 | 0.1161 | 0.2822 | 0.7636 |
441
- | 0.0379 | 3500 | 0.1105 | 0.2918 | 0.7580 |
442
- | 0.0433 | 4000 | 0.1072 | 0.2820 | 0.7597 |
443
- | 0.0487 | 4500 | 0.1061 | 0.2483 | 0.7661 |
444
- | 0.0542 | 5000 | 0.0991 | 0.2671 | 0.7600 |
445
- | 0.0596 | 5500 | 0.0971 | 0.2843 | 0.7595 |
446
- | 0.0650 | 6000 | 0.0953 | 0.2448 | 0.7640 |
447
- | 0.0704 | 6500 | 0.1015 | 0.3021 | 0.7632 |
448
- | 0.0758 | 7000 | 0.0985 | 0.2744 | 0.7616 |
449
- | 0.0812 | 7500 | 0.1009 | 0.2764 | 0.7615 |
450
- | 0.0866 | 8000 | 0.0984 | 0.2865 | 0.7608 |
451
- | 0.0921 | 8500 | 0.0947 | 0.3062 | 0.7600 |
452
- | 0.0975 | 9000 | 0.0914 | 0.2997 | 0.7584 |
453
- | 0.1029 | 9500 | 0.0896 | 0.2484 | 0.7617 |
454
- | 0.1083 | 10000 | 0.0846 | 0.2850 | 0.7594 |
455
- | 0.1137 | 10500 | 0.0907 | 0.2896 | 0.7571 |
456
- | 0.1191 | 11000 | 0.0859 | 0.2657 | 0.7599 |
457
- | 0.1245 | 11500 | 0.0875 | 0.2509 | 0.7620 |
458
- | 0.1300 | 12000 | 0.0849 | 0.2728 | 0.7620 |
459
- | 0.1354 | 12500 | 0.0788 | 0.2707 | 0.7587 |
460
- | 0.1408 | 13000 | 0.0804 | 0.2985 | 0.7567 |
461
- | 0.1462 | 13500 | 0.0815 | 0.2526 | 0.7620 |
462
- | 0.1516 | 14000 | 0.0783 | 0.2441 | 0.7655 |
463
- | 0.1570 | 14500 | 0.0791 | 0.2707 | 0.7645 |
464
- | 0.1625 | 15000 | 0.0797 | 0.2781 | 0.7576 |
465
- | 0.1679 | 15500 | 0.077 | 0.2624 | 0.7595 |
466
- | 0.1733 | 16000 | 0.0742 | 0.2882 | 0.7620 |
467
- | 0.1787 | 16500 | 0.0739 | 0.2654 | 0.7630 |
468
- | 0.1841 | 17000 | 0.0695 | 0.2832 | 0.7607 |
469
- | 0.1895 | 17500 | 0.0726 | 0.2595 | 0.7627 |
470
- | 0.1949 | 18000 | 0.0739 | 0.2376 | 0.7653 |
471
- | 0.2004 | 18500 | 0.0751 | 0.2671 | 0.7652 |
472
- | 0.2058 | 19000 | 0.0717 | 0.3013 | 0.7595 |
473
- | 0.2112 | 19500 | 0.0696 | 0.2538 | 0.7671 |
474
- | 0.2166 | 20000 | 0.0659 | 0.2569 | 0.7612 |
475
- | 0.2220 | 20500 | 0.0669 | 0.2595 | 0.7648 |
476
- | 0.2274 | 21000 | 0.0679 | 0.2231 | 0.7664 |
477
- | 0.2328 | 21500 | 0.0657 | 0.2732 | 0.7636 |
478
- | 0.2383 | 22000 | 0.0703 | 0.2658 | 0.7674 |
479
- | 0.2437 | 22500 | 0.0636 | 0.2582 | 0.7676 |
480
- | 0.2491 | 23000 | 0.0688 | 0.2586 | 0.7682 |
481
- | 0.2545 | 23500 | 0.0598 | 0.2612 | 0.7675 |
482
- | 0.2599 | 24000 | 0.0664 | 0.2581 | 0.7655 |
483
- | 0.2653 | 24500 | 0.0621 | 0.2393 | 0.7642 |
484
- | 0.2708 | 25000 | 0.0641 | 0.2309 | 0.7673 |
485
- | 0.2762 | 25500 | 0.0624 | 0.2346 | 0.7700 |
486
- | 0.2816 | 26000 | 0.0595 | 0.2179 | 0.7671 |
487
- | 0.2870 | 26500 | 0.0605 | 0.2332 | 0.7664 |
488
- | 0.2924 | 27000 | 0.0609 | 0.2227 | 0.7678 |
489
- | 0.2978 | 27500 | 0.0621 | 0.2312 | 0.7688 |
490
- | 0.3032 | 28000 | 0.0626 | 0.2404 | 0.7680 |
491
- | 0.3087 | 28500 | 0.063 | 0.2429 | 0.7672 |
492
- | 0.3141 | 29000 | 0.0601 | 0.2275 | 0.7671 |
493
- | 0.3195 | 29500 | 0.0617 | 0.2235 | 0.7663 |
494
- | 0.3249 | 30000 | 0.0581 | 0.2370 | 0.7698 |
495
- | 0.3303 | 30500 | 0.06 | 0.2450 | 0.7652 |
496
- | 0.3357 | 31000 | 0.0591 | 0.2851 | 0.7638 |
497
- | 0.3411 | 31500 | 0.0585 | 0.2718 | 0.7664 |
498
- | 0.3466 | 32000 | 0.0563 | 0.2532 | 0.7664 |
499
- | 0.3520 | 32500 | 0.059 | 0.2330 | 0.7689 |
500
- | 0.3574 | 33000 | 0.0545 | 0.2158 | 0.7695 |
501
- | 0.3628 | 33500 | 0.0567 | 0.2263 | 0.7672 |
502
- | 0.3682 | 34000 | 0.0566 | 0.2338 | 0.7682 |
503
- | 0.3736 | 34500 | 0.0586 | 0.2244 | 0.7696 |
504
- | 0.3791 | 35000 | 0.0559 | 0.2474 | 0.7671 |
505
- | 0.3845 | 35500 | 0.053 | 0.2332 | 0.7687 |
506
- | 0.3899 | 36000 | 0.0507 | 0.2258 | 0.7679 |
507
- | 0.3953 | 36500 | 0.0527 | 0.2240 | 0.7712 |
508
- | 0.4007 | 37000 | 0.0545 | 0.2229 | 0.7700 |
509
- | 0.4061 | 37500 | 0.0558 | 0.2119 | 0.7704 |
510
- | 0.4115 | 38000 | 0.0538 | 0.2611 | 0.7693 |
511
- | 0.4170 | 38500 | 0.0549 | 0.2336 | 0.7686 |
512
- | 0.4224 | 39000 | 0.0501 | 0.2316 | 0.7687 |
513
- | 0.4278 | 39500 | 0.0497 | 0.2289 | 0.7697 |
514
- | 0.4332 | 40000 | 0.0512 | 0.2299 | 0.7683 |
515
- | 0.4386 | 40500 | 0.0511 | 0.2654 | 0.7704 |
516
- | 0.4440 | 41000 | 0.0498 | 0.2272 | 0.7731 |
517
- | 0.4495 | 41500 | 0.053 | 0.2327 | 0.7696 |
518
- | 0.4549 | 42000 | 0.0487 | 0.2380 | 0.7715 |
519
- | 0.4603 | 42500 | 0.0518 | 0.2230 | 0.7724 |
520
- | 0.4657 | 43000 | 0.0488 | 0.2249 | 0.7703 |
521
- | 0.4711 | 43500 | 0.0529 | 0.2452 | 0.7716 |
522
- | 0.4765 | 44000 | 0.0497 | 0.2341 | 0.7720 |
523
- | 0.4819 | 44500 | 0.0486 | 0.2480 | 0.7696 |
524
- | 0.4874 | 45000 | 0.0518 | 0.2349 | 0.7715 |
525
- | 0.4928 | 45500 | 0.0471 | 0.2237 | 0.7720 |
526
- | 0.4982 | 46000 | 0.0483 | 0.2299 | 0.7712 |
527
- | 0.5036 | 46500 | 0.0462 | 0.2184 | 0.7705 |
528
- | 0.5090 | 47000 | 0.0497 | 0.2335 | 0.7718 |
529
- | 0.5144 | 47500 | 0.05 | 0.2302 | 0.7697 |
530
- | 0.5198 | 48000 | 0.0488 | 0.2252 | 0.7701 |
531
- | 0.5253 | 48500 | 0.045 | 0.2291 | 0.7687 |
532
- | 0.5307 | 49000 | 0.048 | 0.2135 | 0.7698 |
533
- | 0.5361 | 49500 | 0.0442 | 0.2215 | 0.7704 |
534
- | 0.5415 | 50000 | 0.0479 | 0.2233 | 0.7707 |
535
- | 0.5469 | 50500 | 0.0464 | 0.2275 | 0.7713 |
536
- | 0.5523 | 51000 | 0.0454 | 0.2175 | 0.7717 |
537
- | 0.5578 | 51500 | 0.0477 | 0.2152 | 0.7719 |
538
- | 0.5632 | 52000 | 0.0463 | 0.2364 | 0.7701 |
539
- | 0.5686 | 52500 | 0.0433 | 0.2430 | 0.7736 |
540
- | 0.5740 | 53000 | 0.0454 | 0.2328 | 0.7708 |
541
- | 0.5794 | 53500 | 0.0472 | 0.2283 | 0.7722 |
542
- | 0.5848 | 54000 | 0.0447 | 0.2320 | 0.7720 |
543
- | 0.5902 | 54500 | 0.0445 | 0.2404 | 0.7689 |
544
- | 0.5957 | 55000 | 0.0429 | 0.2353 | 0.7693 |
545
- | 0.6011 | 55500 | 0.0422 | 0.2366 | 0.7722 |
546
- | 0.6065 | 56000 | 0.0436 | 0.2321 | 0.7720 |
547
- | 0.6119 | 56500 | 0.0453 | 0.2250 | 0.7723 |
548
- | 0.6173 | 57000 | 0.0431 | 0.2219 | 0.7733 |
549
- | 0.6227 | 57500 | 0.0421 | 0.2244 | 0.7723 |
550
- | 0.6281 | 58000 | 0.0434 | 0.2137 | 0.7728 |
551
- | 0.6336 | 58500 | 0.0416 | 0.2181 | 0.7743 |
552
- | 0.6390 | 59000 | 0.0412 | 0.2230 | 0.7717 |
553
- | 0.6444 | 59500 | 0.0436 | 0.2116 | 0.7737 |
554
- | 0.6498 | 60000 | 0.0404 | 0.2114 | 0.7736 |
555
- | 0.6552 | 60500 | 0.041 | 0.2095 | 0.7736 |
556
- | 0.6606 | 61000 | 0.0408 | 0.2079 | 0.7741 |
557
- | 0.6661 | 61500 | 0.0408 | 0.2040 | 0.7756 |
558
- | 0.6715 | 62000 | 0.0404 | 0.2098 | 0.7733 |
559
- | 0.6769 | 62500 | 0.0418 | 0.2105 | 0.7741 |
560
- | 0.6823 | 63000 | 0.0402 | 0.2081 | 0.7741 |
561
- | 0.6877 | 63500 | 0.0394 | 0.2120 | 0.7742 |
562
- | 0.6931 | 64000 | 0.0418 | 0.2129 | 0.7742 |
563
- | 0.6985 | 64500 | 0.0406 | 0.2145 | 0.7753 |
564
- | 0.7040 | 65000 | 0.0382 | 0.2257 | 0.7741 |
565
- | 0.7094 | 65500 | 0.0373 | 0.2250 | 0.7756 |
566
- | 0.7148 | 66000 | 0.0382 | 0.2269 | 0.7732 |
567
- | **0.7202** | **66500** | **0.0405** | **0.2087** | **0.7764** |
568
- | 0.7256 | 67000 | 0.042 | 0.2114 | 0.7753 |
569
- | 0.7310 | 67500 | 0.0389 | 0.2138 | 0.7748 |
570
- | 0.7364 | 68000 | 0.0339 | 0.2084 | 0.7761 |
571
- | 0.7419 | 68500 | 0.0379 | 0.2090 | 0.7760 |
572
- | 0.7473 | 69000 | 0.0369 | 0.2161 | 0.7742 |
573
- | 0.7527 | 69500 | 0.0354 | 0.2226 | 0.7748 |
574
- | 0.7581 | 70000 | 0.0396 | 0.2191 | 0.7753 |
575
- | 0.7635 | 70500 | 0.0356 | 0.2195 | 0.7759 |
576
- | 0.7689 | 71000 | 0.0359 | 0.2182 | 0.7760 |
577
- | 0.7744 | 71500 | 0.0389 | 0.2187 | 0.7753 |
578
- | 0.7798 | 72000 | 0.0366 | 0.2194 | 0.7753 |
579
- | 0.7852 | 72500 | 0.0351 | 0.2198 | 0.7749 |
580
- | 0.7906 | 73000 | 0.038 | 0.2175 | 0.7754 |
581
- | 0.7960 | 73500 | 0.0378 | 0.2172 | 0.7756 |
582
- | 0.8014 | 74000 | 0.0376 | 0.2174 | 0.7754 |
583
- | 0.8068 | 74500 | 0.038 | 0.2176 | 0.7753 |
584
- | 0.8123 | 75000 | 0.0379 | 0.2174 | 0.7755 |
585
-
586
- * The bold row denotes the saved checkpoint.
587
- </details>
588
 
589
  ### Framework Versions
590
  - Python: 3.12.3
 
12
  - retrieval
13
  - reranking
14
  - generated_from_trainer
15
+ - dataset_size:13667
16
  - loss:ArcFaceInBatchLoss
17
+ base_model: sentence-transformers/all-MiniLM-L6-v2
18
  widget:
19
+ - source_sentence: It was mobilized in December 2014 from elements of the dissolved
20
+ 51st Mechanized Brigade and newly formed units .
21
  sentences:
22
+ - This North-South route falls entirely in the Belgian territory and runs together
23
+ with the Belgian roads N31 and A17 .
24
+ - It was mobilized in December 2014 from elements of the disbanded 51st Mechanized
25
+ Brigade and newly formed units .
26
+ - All windows are double wood , hung up with a single light .
27
+ - source_sentence: It is located at Ellison Bay , in the town of Liberty Grove , Wisconsin
28
+ .
 
29
  sentences:
30
+ - It is located in Ellison Bay , in the town of Liberty Grove , Wisconsin .
31
+ - It is located in Liberty Grove , Wisconsin , in the town of Ellison Bay .
32
+ - 'The Hadejia River ( Hausa : `` kogin Haɗeja `` ) is a river in northern Nigeria
33
+ and is a tributary of the Yobe River ( Komadugu Yobe ) .'
34
+ - source_sentence: Both long and short vowels can be nasalized ( differentiation between
35
+ `` acces `` and `` Ä cces `` below ) , but long nasal vowels are more common .
 
 
36
  sentences:
37
+ - Both long and short vowels can be nasalized ( the distinction between `` acces
38
+ `` and `` ącces `` below ) , but long nasal vowels are more common .
39
+ - Wilson was a member of the Senate from 1844 to 1846 and 1850 to 1852 . From 1851
40
+ to 1852 he was the Massachusetts State Senate 's President .
41
+ - Both long vowels can be nasalized ( the distinction between `` acces `` and ``
42
+ ącces `` below ) , but long and short nasal vowels are more common .
43
+ - source_sentence: At that time , on June 22 , 1754 , Edward Bentham married Bentham
44
+ Elizabeth Bates ( d . 1790 ) from Hampshire in the nearby county of Alton .
45
  sentences:
46
+ - The Department of Criminal Justice developed the first certificate program in
47
+ forensic science in North Carolina and sponsors a summer comparative studies program
48
+ based in Europe .
49
+ - At that time , on June 22 , 1754 , Edward Bentham married Bentham Elizabeth Bates
50
+ ( d . 1790 ) from Hampshire in the nearby county of Alton .
51
+ - It was at this time , on 22 June 1754 , that Edward Bentham married Elizabeth
52
+ Bates ( d 1790 ) from Alton in the nearby county of Hampshire .
53
+ - source_sentence: In 1973 Michels ' apos broke ; Barcelona the world transfer record
54
+ to bring Cruyff to Catalonia .
55
  sentences:
56
+ - In 1973 , Cruyff 'Barcelona broke the world transfer record to bring Michels to
57
+ Catalonia .
58
+ - Amalric then marched to Cairo , where Shawar offered Amalric two million pieces
59
+ of gold .
60
+ - In 1973 Michels ' apos broke ; Barcelona the world transfer record to bring Cruyff
61
+ to Catalonia .
62
  datasets:
63
  - redis/langcache-sentencepairs-v2
64
  pipeline_tag: sentence-similarity
 
83
  type: test
84
  metrics:
85
  - type: cosine_accuracy@1
86
+ value: 0.5763458576596583
87
  name: Cosine Accuracy@1
88
  - type: cosine_precision@1
89
+ value: 0.5763458576596583
90
  name: Cosine Precision@1
91
  - type: cosine_recall@1
92
+ value: 0.5583264629675676
93
  name: Cosine Recall@1
94
  - type: cosine_ndcg@10
95
+ value: 0.7650954794467948
96
  name: Cosine Ndcg@10
97
  - type: cosine_mrr@1
98
+ value: 0.5763458576596583
99
  name: Cosine Mrr@1
100
  - type: cosine_map@100
101
+ value: 0.7127722828012101
102
  name: Cosine Map@100
103
  - type: cosine_auc_precision_cache_hit_ratio
104
+ value: 0.333338757469584
105
  name: Cosine Auc Precision Cache Hit Ratio
106
  - type: cosine_auc_similarity_distribution
107
+ value: 0.1528271968812688
108
  name: Cosine Auc Similarity Distribution
109
  ---
110
 
111
  # Redis fine-tuned BiEncoder model for semantic caching on LangCache
112
 
113
+ This is a [sentence-transformers](https://www.SBERT.net) model finetuned from [sentence-transformers/all-MiniLM-L6-v2](https://huggingface.co/sentence-transformers/all-MiniLM-L6-v2) on the [LangCache Sentence Pairs (all)](https://huggingface.co/datasets/redis/langcache-sentencepairs-v2) dataset. It maps sentences & paragraphs to a 384-dimensional dense vector space and can be used for sentence pair similarity.
114
 
115
  ## Model Details
116
 
117
  ### Model Description
118
  - **Model Type:** Sentence Transformer
119
+ - **Base model:** [sentence-transformers/all-MiniLM-L6-v2](https://huggingface.co/sentence-transformers/all-MiniLM-L6-v2) <!-- at revision c9745ed1d9f207416be6d2e6f8de32d1f16199bf -->
120
  - **Maximum Sequence Length:** 100 tokens
121
+ - **Output Dimensionality:** 384 dimensions
122
  - **Similarity Function:** Cosine Similarity
123
  - **Training Dataset:**
124
  - [LangCache Sentence Pairs (all)](https://huggingface.co/datasets/redis/langcache-sentencepairs-v2)
 
135
 
136
  ```
137
  SentenceTransformer(
138
+ (0): Transformer({'max_seq_length': 100, 'do_lower_case': False, 'architecture': 'BertModel'})
139
+ (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, 'pooling_mode_weightedmean_tokens': False, 'pooling_mode_lasttoken': False, 'include_prompt': True})
140
+ (2): Normalize()
141
  )
142
  ```
143
 
 
159
  model = SentenceTransformer("redis/langcache-embed-experimental")
160
  # Run inference
161
  sentences = [
162
+ "In 1973 Michels ' apos broke ; Barcelona the world transfer record to bring Cruyff to Catalonia .",
163
+ "In 1973 Michels ' apos broke ; Barcelona the world transfer record to bring Cruyff to Catalonia .",
164
+ "In 1973 , Cruyff 'Barcelona broke the world transfer record to bring Michels to Catalonia .",
165
  ]
166
  embeddings = model.encode(sentences)
167
  print(embeddings.shape)
168
+ # [3, 384]
169
 
170
  # Get the similarity scores for the embeddings
171
  similarities = model.similarity(embeddings, embeddings)
172
  print(similarities)
173
+ # tensor([[1.0000, 1.0000, 0.9219],
174
+ # [1.0000, 1.0000, 0.9219],
175
+ # [0.9219, 0.9219, 1.0078]], dtype=torch.bfloat16)
176
  ```
177
 
178
  <!--
 
210
 
211
  | Metric | Value |
212
  |:-------------------------------------|:-----------|
213
+ | cosine_accuracy@1 | 0.5763 |
214
+ | cosine_precision@1 | 0.5763 |
215
+ | cosine_recall@1 | 0.5583 |
216
+ | **cosine_ndcg@10** | **0.7651** |
217
+ | cosine_mrr@1 | 0.5763 |
218
+ | cosine_map@100 | 0.7128 |
219
+ | cosine_auc_precision_cache_hit_ratio | 0.3333 |
220
+ | cosine_auc_similarity_distribution | 0.1528 |
221
 
222
  <!--
223
  ## Bias, Risks and Limitations
 
238
  #### LangCache Sentence Pairs (all)
239
 
240
  * Dataset: [LangCache Sentence Pairs (all)](https://huggingface.co/datasets/redis/langcache-sentencepairs-v2)
241
+ * Size: 6,780 training samples
242
  * Columns: <code>anchor</code>, <code>positive</code>, and <code>negative</code>
243
  * Approximate statistics based on the first 1000 samples:
244
  | | anchor | positive | negative |
245
  |:--------|:----------------------------------------------------------------------------------|:----------------------------------------------------------------------------------|:----------------------------------------------------------------------------------|
246
  | type | string | string | string |
247
+ | details | <ul><li>min: 8 tokens</li><li>mean: 26.28 tokens</li><li>max: 47 tokens</li></ul> | <ul><li>min: 8 tokens</li><li>mean: 26.27 tokens</li><li>max: 47 tokens</li></ul> | <ul><li>min: 8 tokens</li><li>mean: 26.25 tokens</li><li>max: 47 tokens</li></ul> |
248
  * Samples:
249
  | anchor | positive | negative |
250
  |:--------------------------------------------------------------------------------------------------------------------------------------------|:----------------------------------------------------------------------------------------------------------------------------------------------|:----------------------------------------------------------------------------------------------------------------------------------------------|
251
+ | <code>The newer Punts are still very much in existence today and race in the same fleets as the older boats .</code> | <code>The newer punts are still very much in existence today and run in the same fleets as the older boats .</code> | <code>This marine species occurs in the eastern Indian Ocean and before the Maldives and New Caledonia .</code> |
252
+ | <code>The newer punts are still very much in existence today and run in the same fleets as the older boats .</code> | <code>The newer Punts are still very much in existence today and race in the same fleets as the older boats .</code> | <code>Both young people burn with love really , for both , but without being able to say it to himself , admitting him always .</code> |
253
  | <code>Turner Valley , was at the Turner Valley Bar N Ranch Airport , southwest of the Turner Valley Bar N Ranch , Alberta , Canada .</code> | <code>Turner Valley , , was located at Turner Valley Bar N Ranch Airport , southwest of Turner Valley Bar N Ranch , Alberta , Canada .</code> | <code>Turner Valley Bar N Ranch Airport , , was located at Turner Valley Bar N Ranch , southwest of Turner Valley , Alberta , Canada .</code> |
254
  * Loss: <code>losses.ArcFaceInBatchLoss</code> with these parameters:
255
  ```json
 
265
  #### LangCache Sentence Pairs (all)
266
 
267
  * Dataset: [LangCache Sentence Pairs (all)](https://huggingface.co/datasets/redis/langcache-sentencepairs-v2)
268
+ * Size: 6,780 evaluation samples
269
  * Columns: <code>anchor</code>, <code>positive</code>, and <code>negative</code>
270
  * Approximate statistics based on the first 1000 samples:
271
  | | anchor | positive | negative |
272
  |:--------|:----------------------------------------------------------------------------------|:----------------------------------------------------------------------------------|:----------------------------------------------------------------------------------|
273
  | type | string | string | string |
274
+ | details | <ul><li>min: 8 tokens</li><li>mean: 26.28 tokens</li><li>max: 47 tokens</li></ul> | <ul><li>min: 8 tokens</li><li>mean: 26.27 tokens</li><li>max: 47 tokens</li></ul> | <ul><li>min: 8 tokens</li><li>mean: 26.25 tokens</li><li>max: 47 tokens</li></ul> |
275
  * Samples:
276
  | anchor | positive | negative |
277
  |:--------------------------------------------------------------------------------------------------------------------------------------------|:----------------------------------------------------------------------------------------------------------------------------------------------|:----------------------------------------------------------------------------------------------------------------------------------------------|
278
+ | <code>The newer Punts are still very much in existence today and race in the same fleets as the older boats .</code> | <code>The newer punts are still very much in existence today and run in the same fleets as the older boats .</code> | <code>This marine species occurs in the eastern Indian Ocean and before the Maldives and New Caledonia .</code> |
279
+ | <code>The newer punts are still very much in existence today and run in the same fleets as the older boats .</code> | <code>The newer Punts are still very much in existence today and race in the same fleets as the older boats .</code> | <code>Both young people burn with love really , for both , but without being able to say it to himself , admitting him always .</code> |
280
  | <code>Turner Valley , was at the Turner Valley Bar N Ranch Airport , southwest of the Turner Valley Bar N Ranch , Alberta , Canada .</code> | <code>Turner Valley , , was located at Turner Valley Bar N Ranch Airport , southwest of Turner Valley Bar N Ranch , Alberta , Canada .</code> | <code>Turner Valley Bar N Ranch Airport , , was located at Turner Valley Bar N Ranch , southwest of Turner Valley , Alberta , Canada .</code> |
281
  * Loss: <code>losses.ArcFaceInBatchLoss</code> with these parameters:
282
  ```json
 
287
  }
288
  ```
289
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
290
  ### Training Logs
291
+ | Epoch | Step | test_cosine_ndcg@10 |
292
+ |:-----:|:----:|:-------------------:|
293
+ | -1 | -1 | 0.7651 |
294
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
295
 
296
  ### Framework Versions
297
  - Python: 3.12.3
config.json CHANGED
@@ -1,45 +1,25 @@
1
  {
2
  "architectures": [
3
- "ModernBertModel"
4
  ],
5
- "attention_bias": false,
6
- "attention_dropout": 0.0,
7
- "bos_token_id": 50281,
8
- "classifier_activation": "gelu",
9
- "classifier_bias": false,
10
- "classifier_dropout": 0.0,
11
- "classifier_pooling": "cls",
12
- "cls_token_id": 50281,
13
- "decoder_bias": true,
14
- "deterministic_flash_attn": false,
15
  "dtype": "bfloat16",
16
- "embedding_dropout": 0.0,
17
- "eos_token_id": 50282,
18
- "global_attn_every_n_layers": 3,
19
- "global_rope_theta": 160000.0,
20
  "gradient_checkpointing": false,
21
- "hidden_activation": "gelu",
22
- "hidden_size": 1024,
23
- "initializer_cutoff_factor": 2.0,
24
  "initializer_range": 0.02,
25
- "intermediate_size": 2624,
26
- "layer_norm_eps": 1e-05,
27
- "local_attention": 128,
28
- "local_rope_theta": 10000.0,
29
- "max_position_embeddings": 8192,
30
- "mlp_bias": false,
31
- "mlp_dropout": 0.0,
32
- "model_type": "modernbert",
33
- "norm_bias": false,
34
- "norm_eps": 1e-05,
35
- "num_attention_heads": 16,
36
- "num_hidden_layers": 28,
37
- "pad_token_id": 50283,
38
  "position_embedding_type": "absolute",
39
- "repad_logits_with_grad": false,
40
- "sep_token_id": 50282,
41
- "sparse_pred_ignore_index": -100,
42
- "sparse_prediction": false,
43
  "transformers_version": "4.56.0",
44
- "vocab_size": 50368
 
 
45
  }
 
1
  {
2
  "architectures": [
3
+ "BertModel"
4
  ],
5
+ "attention_probs_dropout_prob": 0.1,
6
+ "classifier_dropout": null,
 
 
 
 
 
 
 
 
7
  "dtype": "bfloat16",
 
 
 
 
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": 6,
19
+ "pad_token_id": 0,
 
 
 
 
 
 
20
  "position_embedding_type": "absolute",
 
 
 
 
21
  "transformers_version": "4.56.0",
22
+ "type_vocab_size": 2,
23
+ "use_cache": true,
24
+ "vocab_size": 30522
25
  }
config_sentence_transformers.json CHANGED
@@ -1,10 +1,10 @@
1
  {
2
- "model_type": "SentenceTransformer",
3
  "__version__": {
4
  "sentence_transformers": "5.1.0",
5
  "transformers": "4.56.0",
6
  "pytorch": "2.8.0+cu128"
7
  },
 
8
  "prompts": {
9
  "query": "",
10
  "document": ""
 
1
  {
 
2
  "__version__": {
3
  "sentence_transformers": "5.1.0",
4
  "transformers": "4.56.0",
5
  "pytorch": "2.8.0+cu128"
6
  },
7
+ "model_type": "SentenceTransformer",
8
  "prompts": {
9
  "query": "",
10
  "document": ""
model.safetensors CHANGED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:2304eb08c679af236a8a9179f0e08d478a4d1958873dd0990efbc0ca883decab
3
- size 789580328
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:2d7e72835b966eaeabd3532bf9069d0626fc4f4ef5fef0f6eac90c7402f42d6f
3
+ size 45437864
modules.json CHANGED
@@ -10,5 +10,11 @@
10
  "name": "1",
11
  "path": "1_Pooling",
12
  "type": "sentence_transformers.models.Pooling"
 
 
 
 
 
 
13
  }
14
  ]
 
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
  ]
special_tokens_map.json CHANGED
@@ -8,7 +8,7 @@
8
  },
9
  "mask_token": {
10
  "content": "[MASK]",
11
- "lstrip": true,
12
  "normalized": false,
13
  "rstrip": false,
14
  "single_word": false
 
8
  },
9
  "mask_token": {
10
  "content": "[MASK]",
11
+ "lstrip": false,
12
  "normalized": false,
13
  "rstrip": false,
14
  "single_word": false
tokenizer.json CHANGED
The diff for this file is too large to render. See raw diff
 
tokenizer_config.json CHANGED
@@ -1,230 +1,14 @@
1
  {
2
  "added_tokens_decoder": {
3
  "0": {
4
- "content": "|||IP_ADDRESS|||",
5
- "lstrip": false,
6
- "normalized": true,
7
- "rstrip": false,
8
- "single_word": false,
9
- "special": false
10
- },
11
- "1": {
12
- "content": "<|padding|>",
13
- "lstrip": false,
14
- "normalized": false,
15
- "rstrip": false,
16
- "single_word": false,
17
- "special": true
18
- },
19
- "50254": {
20
- "content": " ",
21
- "lstrip": false,
22
- "normalized": true,
23
- "rstrip": false,
24
- "single_word": false,
25
- "special": false
26
- },
27
- "50255": {
28
- "content": " ",
29
- "lstrip": false,
30
- "normalized": true,
31
- "rstrip": false,
32
- "single_word": false,
33
- "special": false
34
- },
35
- "50256": {
36
- "content": " ",
37
- "lstrip": false,
38
- "normalized": true,
39
- "rstrip": false,
40
- "single_word": false,
41
- "special": false
42
- },
43
- "50257": {
44
- "content": " ",
45
- "lstrip": false,
46
- "normalized": true,
47
- "rstrip": false,
48
- "single_word": false,
49
- "special": false
50
- },
51
- "50258": {
52
- "content": " ",
53
- "lstrip": false,
54
- "normalized": true,
55
- "rstrip": false,
56
- "single_word": false,
57
- "special": false
58
- },
59
- "50259": {
60
- "content": " ",
61
- "lstrip": false,
62
- "normalized": true,
63
- "rstrip": false,
64
- "single_word": false,
65
- "special": false
66
- },
67
- "50260": {
68
- "content": " ",
69
- "lstrip": false,
70
- "normalized": true,
71
- "rstrip": false,
72
- "single_word": false,
73
- "special": false
74
- },
75
- "50261": {
76
- "content": " ",
77
- "lstrip": false,
78
- "normalized": true,
79
- "rstrip": false,
80
- "single_word": false,
81
- "special": false
82
- },
83
- "50262": {
84
- "content": " ",
85
- "lstrip": false,
86
- "normalized": true,
87
- "rstrip": false,
88
- "single_word": false,
89
- "special": false
90
- },
91
- "50263": {
92
- "content": " ",
93
- "lstrip": false,
94
- "normalized": true,
95
- "rstrip": false,
96
- "single_word": false,
97
- "special": false
98
- },
99
- "50264": {
100
- "content": " ",
101
- "lstrip": false,
102
- "normalized": true,
103
- "rstrip": false,
104
- "single_word": false,
105
- "special": false
106
- },
107
- "50265": {
108
- "content": " ",
109
- "lstrip": false,
110
- "normalized": true,
111
- "rstrip": false,
112
- "single_word": false,
113
- "special": false
114
- },
115
- "50266": {
116
- "content": " ",
117
- "lstrip": false,
118
- "normalized": true,
119
- "rstrip": false,
120
- "single_word": false,
121
- "special": false
122
- },
123
- "50267": {
124
- "content": " ",
125
- "lstrip": false,
126
- "normalized": true,
127
- "rstrip": false,
128
- "single_word": false,
129
- "special": false
130
- },
131
- "50268": {
132
- "content": " ",
133
- "lstrip": false,
134
- "normalized": true,
135
- "rstrip": false,
136
- "single_word": false,
137
- "special": false
138
- },
139
- "50269": {
140
- "content": " ",
141
- "lstrip": false,
142
- "normalized": true,
143
- "rstrip": false,
144
- "single_word": false,
145
- "special": false
146
- },
147
- "50270": {
148
- "content": " ",
149
- "lstrip": false,
150
- "normalized": true,
151
- "rstrip": false,
152
- "single_word": false,
153
- "special": false
154
- },
155
- "50271": {
156
- "content": " ",
157
- "lstrip": false,
158
- "normalized": true,
159
- "rstrip": false,
160
- "single_word": false,
161
- "special": false
162
- },
163
- "50272": {
164
- "content": " ",
165
- "lstrip": false,
166
- "normalized": true,
167
- "rstrip": false,
168
- "single_word": false,
169
- "special": false
170
- },
171
- "50273": {
172
- "content": " ",
173
- "lstrip": false,
174
- "normalized": true,
175
- "rstrip": false,
176
- "single_word": false,
177
- "special": false
178
- },
179
- "50274": {
180
- "content": " ",
181
- "lstrip": false,
182
- "normalized": true,
183
- "rstrip": false,
184
- "single_word": false,
185
- "special": false
186
- },
187
- "50275": {
188
- "content": " ",
189
- "lstrip": false,
190
- "normalized": true,
191
- "rstrip": false,
192
- "single_word": false,
193
- "special": false
194
- },
195
- "50276": {
196
- "content": " ",
197
- "lstrip": false,
198
- "normalized": true,
199
- "rstrip": false,
200
- "single_word": false,
201
- "special": false
202
- },
203
- "50277": {
204
- "content": "|||EMAIL_ADDRESS|||",
205
- "lstrip": false,
206
- "normalized": true,
207
- "rstrip": false,
208
- "single_word": false,
209
- "special": false
210
- },
211
- "50278": {
212
- "content": "|||PHONE_NUMBER|||",
213
- "lstrip": false,
214
- "normalized": true,
215
- "rstrip": false,
216
- "single_word": false,
217
- "special": false
218
- },
219
- "50279": {
220
- "content": "<|endoftext|>",
221
  "lstrip": false,
222
  "normalized": false,
223
  "rstrip": false,
224
  "single_word": false,
225
  "special": true
226
  },
227
- "50280": {
228
  "content": "[UNK]",
229
  "lstrip": false,
230
  "normalized": false,
@@ -232,7 +16,7 @@
232
  "single_word": false,
233
  "special": true
234
  },
235
- "50281": {
236
  "content": "[CLS]",
237
  "lstrip": false,
238
  "normalized": false,
@@ -240,7 +24,7 @@
240
  "single_word": false,
241
  "special": true
242
  },
243
- "50282": {
244
  "content": "[SEP]",
245
  "lstrip": false,
246
  "normalized": false,
@@ -248,699 +32,34 @@
248
  "single_word": false,
249
  "special": true
250
  },
251
- "50283": {
252
- "content": "[PAD]",
253
- "lstrip": false,
254
- "normalized": false,
255
- "rstrip": false,
256
- "single_word": false,
257
- "special": true
258
- },
259
- "50284": {
260
  "content": "[MASK]",
261
- "lstrip": true,
262
  "normalized": false,
263
  "rstrip": false,
264
  "single_word": false,
265
  "special": true
266
- },
267
- "50285": {
268
- "content": "[unused0]",
269
- "lstrip": false,
270
- "normalized": true,
271
- "rstrip": false,
272
- "single_word": false,
273
- "special": false
274
- },
275
- "50286": {
276
- "content": "[unused1]",
277
- "lstrip": false,
278
- "normalized": true,
279
- "rstrip": false,
280
- "single_word": false,
281
- "special": false
282
- },
283
- "50287": {
284
- "content": "[unused2]",
285
- "lstrip": false,
286
- "normalized": true,
287
- "rstrip": false,
288
- "single_word": false,
289
- "special": false
290
- },
291
- "50288": {
292
- "content": "[unused3]",
293
- "lstrip": false,
294
- "normalized": true,
295
- "rstrip": false,
296
- "single_word": false,
297
- "special": false
298
- },
299
- "50289": {
300
- "content": "[unused4]",
301
- "lstrip": false,
302
- "normalized": true,
303
- "rstrip": false,
304
- "single_word": false,
305
- "special": false
306
- },
307
- "50290": {
308
- "content": "[unused5]",
309
- "lstrip": false,
310
- "normalized": true,
311
- "rstrip": false,
312
- "single_word": false,
313
- "special": false
314
- },
315
- "50291": {
316
- "content": "[unused6]",
317
- "lstrip": false,
318
- "normalized": true,
319
- "rstrip": false,
320
- "single_word": false,
321
- "special": false
322
- },
323
- "50292": {
324
- "content": "[unused7]",
325
- "lstrip": false,
326
- "normalized": true,
327
- "rstrip": false,
328
- "single_word": false,
329
- "special": false
330
- },
331
- "50293": {
332
- "content": "[unused8]",
333
- "lstrip": false,
334
- "normalized": true,
335
- "rstrip": false,
336
- "single_word": false,
337
- "special": false
338
- },
339
- "50294": {
340
- "content": "[unused9]",
341
- "lstrip": false,
342
- "normalized": true,
343
- "rstrip": false,
344
- "single_word": false,
345
- "special": false
346
- },
347
- "50295": {
348
- "content": "[unused10]",
349
- "lstrip": false,
350
- "normalized": true,
351
- "rstrip": false,
352
- "single_word": false,
353
- "special": false
354
- },
355
- "50296": {
356
- "content": "[unused11]",
357
- "lstrip": false,
358
- "normalized": true,
359
- "rstrip": false,
360
- "single_word": false,
361
- "special": false
362
- },
363
- "50297": {
364
- "content": "[unused12]",
365
- "lstrip": false,
366
- "normalized": true,
367
- "rstrip": false,
368
- "single_word": false,
369
- "special": false
370
- },
371
- "50298": {
372
- "content": "[unused13]",
373
- "lstrip": false,
374
- "normalized": true,
375
- "rstrip": false,
376
- "single_word": false,
377
- "special": false
378
- },
379
- "50299": {
380
- "content": "[unused14]",
381
- "lstrip": false,
382
- "normalized": true,
383
- "rstrip": false,
384
- "single_word": false,
385
- "special": false
386
- },
387
- "50300": {
388
- "content": "[unused15]",
389
- "lstrip": false,
390
- "normalized": true,
391
- "rstrip": false,
392
- "single_word": false,
393
- "special": false
394
- },
395
- "50301": {
396
- "content": "[unused16]",
397
- "lstrip": false,
398
- "normalized": true,
399
- "rstrip": false,
400
- "single_word": false,
401
- "special": false
402
- },
403
- "50302": {
404
- "content": "[unused17]",
405
- "lstrip": false,
406
- "normalized": true,
407
- "rstrip": false,
408
- "single_word": false,
409
- "special": false
410
- },
411
- "50303": {
412
- "content": "[unused18]",
413
- "lstrip": false,
414
- "normalized": true,
415
- "rstrip": false,
416
- "single_word": false,
417
- "special": false
418
- },
419
- "50304": {
420
- "content": "[unused19]",
421
- "lstrip": false,
422
- "normalized": true,
423
- "rstrip": false,
424
- "single_word": false,
425
- "special": false
426
- },
427
- "50305": {
428
- "content": "[unused20]",
429
- "lstrip": false,
430
- "normalized": true,
431
- "rstrip": false,
432
- "single_word": false,
433
- "special": false
434
- },
435
- "50306": {
436
- "content": "[unused21]",
437
- "lstrip": false,
438
- "normalized": true,
439
- "rstrip": false,
440
- "single_word": false,
441
- "special": false
442
- },
443
- "50307": {
444
- "content": "[unused22]",
445
- "lstrip": false,
446
- "normalized": true,
447
- "rstrip": false,
448
- "single_word": false,
449
- "special": false
450
- },
451
- "50308": {
452
- "content": "[unused23]",
453
- "lstrip": false,
454
- "normalized": true,
455
- "rstrip": false,
456
- "single_word": false,
457
- "special": false
458
- },
459
- "50309": {
460
- "content": "[unused24]",
461
- "lstrip": false,
462
- "normalized": true,
463
- "rstrip": false,
464
- "single_word": false,
465
- "special": false
466
- },
467
- "50310": {
468
- "content": "[unused25]",
469
- "lstrip": false,
470
- "normalized": true,
471
- "rstrip": false,
472
- "single_word": false,
473
- "special": false
474
- },
475
- "50311": {
476
- "content": "[unused26]",
477
- "lstrip": false,
478
- "normalized": true,
479
- "rstrip": false,
480
- "single_word": false,
481
- "special": false
482
- },
483
- "50312": {
484
- "content": "[unused27]",
485
- "lstrip": false,
486
- "normalized": true,
487
- "rstrip": false,
488
- "single_word": false,
489
- "special": false
490
- },
491
- "50313": {
492
- "content": "[unused28]",
493
- "lstrip": false,
494
- "normalized": true,
495
- "rstrip": false,
496
- "single_word": false,
497
- "special": false
498
- },
499
- "50314": {
500
- "content": "[unused29]",
501
- "lstrip": false,
502
- "normalized": true,
503
- "rstrip": false,
504
- "single_word": false,
505
- "special": false
506
- },
507
- "50315": {
508
- "content": "[unused30]",
509
- "lstrip": false,
510
- "normalized": true,
511
- "rstrip": false,
512
- "single_word": false,
513
- "special": false
514
- },
515
- "50316": {
516
- "content": "[unused31]",
517
- "lstrip": false,
518
- "normalized": true,
519
- "rstrip": false,
520
- "single_word": false,
521
- "special": false
522
- },
523
- "50317": {
524
- "content": "[unused32]",
525
- "lstrip": false,
526
- "normalized": true,
527
- "rstrip": false,
528
- "single_word": false,
529
- "special": false
530
- },
531
- "50318": {
532
- "content": "[unused33]",
533
- "lstrip": false,
534
- "normalized": true,
535
- "rstrip": false,
536
- "single_word": false,
537
- "special": false
538
- },
539
- "50319": {
540
- "content": "[unused34]",
541
- "lstrip": false,
542
- "normalized": true,
543
- "rstrip": false,
544
- "single_word": false,
545
- "special": false
546
- },
547
- "50320": {
548
- "content": "[unused35]",
549
- "lstrip": false,
550
- "normalized": true,
551
- "rstrip": false,
552
- "single_word": false,
553
- "special": false
554
- },
555
- "50321": {
556
- "content": "[unused36]",
557
- "lstrip": false,
558
- "normalized": true,
559
- "rstrip": false,
560
- "single_word": false,
561
- "special": false
562
- },
563
- "50322": {
564
- "content": "[unused37]",
565
- "lstrip": false,
566
- "normalized": true,
567
- "rstrip": false,
568
- "single_word": false,
569
- "special": false
570
- },
571
- "50323": {
572
- "content": "[unused38]",
573
- "lstrip": false,
574
- "normalized": true,
575
- "rstrip": false,
576
- "single_word": false,
577
- "special": false
578
- },
579
- "50324": {
580
- "content": "[unused39]",
581
- "lstrip": false,
582
- "normalized": true,
583
- "rstrip": false,
584
- "single_word": false,
585
- "special": false
586
- },
587
- "50325": {
588
- "content": "[unused40]",
589
- "lstrip": false,
590
- "normalized": true,
591
- "rstrip": false,
592
- "single_word": false,
593
- "special": false
594
- },
595
- "50326": {
596
- "content": "[unused41]",
597
- "lstrip": false,
598
- "normalized": true,
599
- "rstrip": false,
600
- "single_word": false,
601
- "special": false
602
- },
603
- "50327": {
604
- "content": "[unused42]",
605
- "lstrip": false,
606
- "normalized": true,
607
- "rstrip": false,
608
- "single_word": false,
609
- "special": false
610
- },
611
- "50328": {
612
- "content": "[unused43]",
613
- "lstrip": false,
614
- "normalized": true,
615
- "rstrip": false,
616
- "single_word": false,
617
- "special": false
618
- },
619
- "50329": {
620
- "content": "[unused44]",
621
- "lstrip": false,
622
- "normalized": true,
623
- "rstrip": false,
624
- "single_word": false,
625
- "special": false
626
- },
627
- "50330": {
628
- "content": "[unused45]",
629
- "lstrip": false,
630
- "normalized": true,
631
- "rstrip": false,
632
- "single_word": false,
633
- "special": false
634
- },
635
- "50331": {
636
- "content": "[unused46]",
637
- "lstrip": false,
638
- "normalized": true,
639
- "rstrip": false,
640
- "single_word": false,
641
- "special": false
642
- },
643
- "50332": {
644
- "content": "[unused47]",
645
- "lstrip": false,
646
- "normalized": true,
647
- "rstrip": false,
648
- "single_word": false,
649
- "special": false
650
- },
651
- "50333": {
652
- "content": "[unused48]",
653
- "lstrip": false,
654
- "normalized": true,
655
- "rstrip": false,
656
- "single_word": false,
657
- "special": false
658
- },
659
- "50334": {
660
- "content": "[unused49]",
661
- "lstrip": false,
662
- "normalized": true,
663
- "rstrip": false,
664
- "single_word": false,
665
- "special": false
666
- },
667
- "50335": {
668
- "content": "[unused50]",
669
- "lstrip": false,
670
- "normalized": true,
671
- "rstrip": false,
672
- "single_word": false,
673
- "special": false
674
- },
675
- "50336": {
676
- "content": "[unused51]",
677
- "lstrip": false,
678
- "normalized": true,
679
- "rstrip": false,
680
- "single_word": false,
681
- "special": false
682
- },
683
- "50337": {
684
- "content": "[unused52]",
685
- "lstrip": false,
686
- "normalized": true,
687
- "rstrip": false,
688
- "single_word": false,
689
- "special": false
690
- },
691
- "50338": {
692
- "content": "[unused53]",
693
- "lstrip": false,
694
- "normalized": true,
695
- "rstrip": false,
696
- "single_word": false,
697
- "special": false
698
- },
699
- "50339": {
700
- "content": "[unused54]",
701
- "lstrip": false,
702
- "normalized": true,
703
- "rstrip": false,
704
- "single_word": false,
705
- "special": false
706
- },
707
- "50340": {
708
- "content": "[unused55]",
709
- "lstrip": false,
710
- "normalized": true,
711
- "rstrip": false,
712
- "single_word": false,
713
- "special": false
714
- },
715
- "50341": {
716
- "content": "[unused56]",
717
- "lstrip": false,
718
- "normalized": true,
719
- "rstrip": false,
720
- "single_word": false,
721
- "special": false
722
- },
723
- "50342": {
724
- "content": "[unused57]",
725
- "lstrip": false,
726
- "normalized": true,
727
- "rstrip": false,
728
- "single_word": false,
729
- "special": false
730
- },
731
- "50343": {
732
- "content": "[unused58]",
733
- "lstrip": false,
734
- "normalized": true,
735
- "rstrip": false,
736
- "single_word": false,
737
- "special": false
738
- },
739
- "50344": {
740
- "content": "[unused59]",
741
- "lstrip": false,
742
- "normalized": true,
743
- "rstrip": false,
744
- "single_word": false,
745
- "special": false
746
- },
747
- "50345": {
748
- "content": "[unused60]",
749
- "lstrip": false,
750
- "normalized": true,
751
- "rstrip": false,
752
- "single_word": false,
753
- "special": false
754
- },
755
- "50346": {
756
- "content": "[unused61]",
757
- "lstrip": false,
758
- "normalized": true,
759
- "rstrip": false,
760
- "single_word": false,
761
- "special": false
762
- },
763
- "50347": {
764
- "content": "[unused62]",
765
- "lstrip": false,
766
- "normalized": true,
767
- "rstrip": false,
768
- "single_word": false,
769
- "special": false
770
- },
771
- "50348": {
772
- "content": "[unused63]",
773
- "lstrip": false,
774
- "normalized": true,
775
- "rstrip": false,
776
- "single_word": false,
777
- "special": false
778
- },
779
- "50349": {
780
- "content": "[unused64]",
781
- "lstrip": false,
782
- "normalized": true,
783
- "rstrip": false,
784
- "single_word": false,
785
- "special": false
786
- },
787
- "50350": {
788
- "content": "[unused65]",
789
- "lstrip": false,
790
- "normalized": true,
791
- "rstrip": false,
792
- "single_word": false,
793
- "special": false
794
- },
795
- "50351": {
796
- "content": "[unused66]",
797
- "lstrip": false,
798
- "normalized": true,
799
- "rstrip": false,
800
- "single_word": false,
801
- "special": false
802
- },
803
- "50352": {
804
- "content": "[unused67]",
805
- "lstrip": false,
806
- "normalized": true,
807
- "rstrip": false,
808
- "single_word": false,
809
- "special": false
810
- },
811
- "50353": {
812
- "content": "[unused68]",
813
- "lstrip": false,
814
- "normalized": true,
815
- "rstrip": false,
816
- "single_word": false,
817
- "special": false
818
- },
819
- "50354": {
820
- "content": "[unused69]",
821
- "lstrip": false,
822
- "normalized": true,
823
- "rstrip": false,
824
- "single_word": false,
825
- "special": false
826
- },
827
- "50355": {
828
- "content": "[unused70]",
829
- "lstrip": false,
830
- "normalized": true,
831
- "rstrip": false,
832
- "single_word": false,
833
- "special": false
834
- },
835
- "50356": {
836
- "content": "[unused71]",
837
- "lstrip": false,
838
- "normalized": true,
839
- "rstrip": false,
840
- "single_word": false,
841
- "special": false
842
- },
843
- "50357": {
844
- "content": "[unused72]",
845
- "lstrip": false,
846
- "normalized": true,
847
- "rstrip": false,
848
- "single_word": false,
849
- "special": false
850
- },
851
- "50358": {
852
- "content": "[unused73]",
853
- "lstrip": false,
854
- "normalized": true,
855
- "rstrip": false,
856
- "single_word": false,
857
- "special": false
858
- },
859
- "50359": {
860
- "content": "[unused74]",
861
- "lstrip": false,
862
- "normalized": true,
863
- "rstrip": false,
864
- "single_word": false,
865
- "special": false
866
- },
867
- "50360": {
868
- "content": "[unused75]",
869
- "lstrip": false,
870
- "normalized": true,
871
- "rstrip": false,
872
- "single_word": false,
873
- "special": false
874
- },
875
- "50361": {
876
- "content": "[unused76]",
877
- "lstrip": false,
878
- "normalized": true,
879
- "rstrip": false,
880
- "single_word": false,
881
- "special": false
882
- },
883
- "50362": {
884
- "content": "[unused77]",
885
- "lstrip": false,
886
- "normalized": true,
887
- "rstrip": false,
888
- "single_word": false,
889
- "special": false
890
- },
891
- "50363": {
892
- "content": "[unused78]",
893
- "lstrip": false,
894
- "normalized": true,
895
- "rstrip": false,
896
- "single_word": false,
897
- "special": false
898
- },
899
- "50364": {
900
- "content": "[unused79]",
901
- "lstrip": false,
902
- "normalized": true,
903
- "rstrip": false,
904
- "single_word": false,
905
- "special": false
906
- },
907
- "50365": {
908
- "content": "[unused80]",
909
- "lstrip": false,
910
- "normalized": true,
911
- "rstrip": false,
912
- "single_word": false,
913
- "special": false
914
- },
915
- "50366": {
916
- "content": "[unused81]",
917
- "lstrip": false,
918
- "normalized": true,
919
- "rstrip": false,
920
- "single_word": false,
921
- "special": false
922
- },
923
- "50367": {
924
- "content": "[unused82]",
925
- "lstrip": false,
926
- "normalized": true,
927
- "rstrip": false,
928
- "single_word": false,
929
- "special": false
930
  }
931
  },
932
- "clean_up_tokenization_spaces": true,
933
  "cls_token": "[CLS]",
 
 
934
  "extra_special_tokens": {},
935
  "mask_token": "[MASK]",
936
  "max_length": 100,
937
- "model_input_names": [
938
- "input_ids",
939
- "attention_mask"
940
- ],
941
- "model_max_length": 8192,
942
  "pad_token": "[PAD]",
 
 
943
  "sep_token": "[SEP]",
944
- "tokenizer_class": "PreTrainedTokenizerFast",
 
 
 
 
 
945
  "unk_token": "[UNK]"
946
  }
 
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,
 
16
  "single_word": false,
17
  "special": true
18
  },
19
+ "101": {
20
  "content": "[CLS]",
21
  "lstrip": false,
22
  "normalized": false,
 
24
  "single_word": false,
25
  "special": true
26
  },
27
+ "102": {
28
  "content": "[SEP]",
29
  "lstrip": false,
30
  "normalized": 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": false,
45
  "cls_token": "[CLS]",
46
+ "do_basic_tokenize": true,
47
+ "do_lower_case": true,
48
  "extra_special_tokens": {},
49
  "mask_token": "[MASK]",
50
  "max_length": 100,
51
+ "model_max_length": 256,
52
+ "never_split": null,
53
+ "pad_to_multiple_of": null,
 
 
54
  "pad_token": "[PAD]",
55
+ "pad_token_type_id": 0,
56
+ "padding_side": "right",
57
  "sep_token": "[SEP]",
58
+ "stride": 0,
59
+ "strip_accents": null,
60
+ "tokenize_chinese_chars": true,
61
+ "tokenizer_class": "BertTokenizer",
62
+ "truncation_side": "right",
63
+ "truncation_strategy": "longest_first",
64
  "unk_token": "[UNK]"
65
  }
vocab.txt ADDED
The diff for this file is too large to render. See raw diff