SentenceTransformer based on sentence-transformers/all-MiniLM-L6-v2

This is a sentence-transformers model finetuned from sentence-transformers/all-MiniLM-L6-v2. It maps sentences & paragraphs to a 384-dimensional dense vector space and can be used for semantic textual similarity, semantic search, paraphrase mining, text classification, clustering, and more.

Model Details

Model Description

  • Model Type: Sentence Transformer
  • Base model: sentence-transformers/all-MiniLM-L6-v2
  • Maximum Sequence Length: 128 tokens
  • Output Dimensionality: 384 dimensions
  • Similarity Function: Cosine Similarity

Model Sources

Full Model Architecture

SentenceTransformer(
  (0): Transformer({'max_seq_length': 128, 'do_lower_case': False}) with Transformer model: BertModel 
  (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})
  (2): Normalize()
)

Usage

Direct Usage (Sentence Transformers)

First install the Sentence Transformers library:

pip install -U sentence-transformers

Then you can load this model and run inference.

from sentence_transformers import SentenceTransformer

# Download from the 🤗 Hub
model = SentenceTransformer("sentence_transformers_model_id")
# Run inference
sentences = [
    'Now, as I said these are my times.',
    'Además, como os dije, son Mis Tiempos.',
    'Sí, es bastante terrible.',
]
embeddings = model.encode(sentences)
print(embeddings.shape)
# [3, 384]

# Get the similarity scores for the embeddings
similarities = model.similarity(embeddings, embeddings)
print(similarities.shape)
# [3, 3]

Evaluation

Metrics

Knowledge Distillation

  • Datasets: mse_evaluation-en-es, mse_evaluation-en-ja, mse_evaluation-en-pt and mse_evaluation-en-pt-br
  • Evaluated with MSEEvaluator
Metric mse_evaluation-en-es mse_evaluation-en-ja mse_evaluation-en-pt mse_evaluation-en-pt-br
negative_mse -0.1191 -0.1549 -0.1118 -0.1012

Translation

  • Datasets: translation_evaluation-en-es, translation_evaluation-en-ja, translation_evaluation-en-pt and translation_evaluation-en-pt-br
  • Evaluated with TranslationEvaluator
Metric translation_evaluation-en-es translation_evaluation-en-ja translation_evaluation-en-pt translation_evaluation-en-pt-br
src2trg_accuracy 0.922 0.8095 0.9441 0.97
trg2src_accuracy 0.9154 0.7892 0.9385 0.9658
mean_accuracy 0.9187 0.7994 0.9413 0.9679

Semantic Similarity

Metric Value
pearson_cosine 0.8047
spearman_cosine 0.8068

Training Details

Training Dataset

Unnamed Dataset

  • Size: 42,486,792 training samples
  • Columns: english, non_english, and label
  • Approximate statistics based on the first 1000 samples:
    english non_english label
    type string string list
    details
    • min: 5 tokens
    • mean: 82.75 tokens
    • max: 128 tokens
    • min: 5 tokens
    • mean: 85.47 tokens
    • max: 128 tokens
    • size: 384 elements
  • Samples:
    english non_english label
    Unlike last year, the eye of the storm this year is Sindh where flood waters have razed in numerous villages and displaced millions. A diferencia del año pasado, el ojo de la tormenta este año está en Sindh , donde las aguas de las inundaciones han arrasado numerosas aldeas y desplazado a millones. [-0.04603199288249016, -0.04330049827694893, 0.038921743631362915, 0.03481763228774071, -0.007099362090229988, ...]
    Spotted taxis to Jeradda. Vi taxis a Jeradda. [0.06936145573854446, 0.01610134169459343, 0.021374359726905823, 0.011720788665115833, -0.01906059868633747, ...]
    The page has also inspired several other copycat pages on Facebook with similar titles Asimismo, la página ha inspirado otras páginas imitadoras en Facebook con títulos similares. [-0.0828736200928688, -0.06613872200250626, -0.05003223940730095, -0.07075371593236923, 0.08548341691493988, ...]
  • Loss: MSELoss

Evaluation Dataset

Unnamed Dataset

  • Size: 40,000 evaluation samples
  • Columns: english, non_english, and label
  • Approximate statistics based on the first 1000 samples:
    english non_english label
    type string string list
    details
    • min: 6 tokens
    • mean: 67.26 tokens
    • max: 128 tokens
    • min: 6 tokens
    • mean: 69.45 tokens
    • max: 128 tokens
    • size: 384 elements
  • Samples:
    english non_english label
    Ten dollars, and you needn't wrap it. - Diez dólares, y no necesita envolverlo. [-0.025465313345193863, 0.12903831899166107, 0.06793854385614395, 0.07670571655035019, -0.03948192670941353, ...]
    Today only the highest tides embrace the island’s rocky ramparts. Hoy día, el rocoso zócalo de la isla solo se ve rodeado totalmente de agua cuando las mareas son muy altas. [0.034126441925764084, 0.01583482138812542, 0.055746566504240036, -0.11121587455272675, -0.010824120603501797, ...]
    In any home with original wood floors, the homeowner considering home improvement projects, should avoid replacing the floors, at all cost. En cualquier hogar con pisos de madera originales, el propietario que considere proyectos de mejoras para el hogar debe evitar reemplazar los pisos a toda costa. [-0.037685196846723557, 0.009506099857389927, 0.1568138748407364, 0.05717608705163002, -0.015698159113526344, ...]
  • Loss: MSELoss

Training Hyperparameters

Non-Default Hyperparameters

  • eval_strategy: steps
  • per_device_train_batch_size: 512
  • per_device_eval_batch_size: 512
  • gradient_accumulation_steps: 2
  • learning_rate: 0.0007
  • num_train_epochs: 8
  • warmup_ratio: 0.15
  • bf16: True
  • dataloader_num_workers: 8

All Hyperparameters

Click to expand
  • overwrite_output_dir: False
  • do_predict: False
  • eval_strategy: steps
  • prediction_loss_only: True
  • per_device_train_batch_size: 512
  • per_device_eval_batch_size: 512
  • per_gpu_train_batch_size: None
  • per_gpu_eval_batch_size: None
  • gradient_accumulation_steps: 2
  • eval_accumulation_steps: None
  • torch_empty_cache_steps: None
  • learning_rate: 0.0007
  • weight_decay: 0.0
  • adam_beta1: 0.9
  • adam_beta2: 0.999
  • adam_epsilon: 1e-08
  • max_grad_norm: 1.0
  • num_train_epochs: 8
  • max_steps: -1
  • lr_scheduler_type: linear
  • lr_scheduler_kwargs: {}
  • warmup_ratio: 0.15
  • warmup_steps: 0
  • log_level: passive
  • log_level_replica: warning
  • log_on_each_node: True
  • logging_nan_inf_filter: True
  • save_safetensors: True
  • save_on_each_node: False
  • save_only_model: False
  • restore_callback_states_from_checkpoint: False
  • no_cuda: False
  • use_cpu: False
  • use_mps_device: False
  • seed: 42
  • data_seed: None
  • jit_mode_eval: False
  • use_ipex: False
  • bf16: True
  • fp16: False
  • fp16_opt_level: O1
  • half_precision_backend: auto
  • bf16_full_eval: False
  • fp16_full_eval: False
  • tf32: None
  • local_rank: 0
  • ddp_backend: None
  • tpu_num_cores: None
  • tpu_metrics_debug: False
  • debug: []
  • dataloader_drop_last: False
  • dataloader_num_workers: 8
  • dataloader_prefetch_factor: None
  • past_index: -1
  • disable_tqdm: False
  • remove_unused_columns: True
  • label_names: None
  • load_best_model_at_end: False
  • ignore_data_skip: False
  • fsdp: []
  • fsdp_min_num_params: 0
  • fsdp_config: {'min_num_params': 0, 'xla': False, 'xla_fsdp_v2': False, 'xla_fsdp_grad_ckpt': False}
  • fsdp_transformer_layer_cls_to_wrap: None
  • accelerator_config: {'split_batches': False, 'dispatch_batches': None, 'even_batches': True, 'use_seedable_sampler': True, 'non_blocking': False, 'gradient_accumulation_kwargs': None}
  • deepspeed: None
  • label_smoothing_factor: 0.0
  • optim: adamw_torch
  • optim_args: None
  • adafactor: False
  • group_by_length: False
  • length_column_name: length
  • ddp_find_unused_parameters: None
  • ddp_bucket_cap_mb: None
  • ddp_broadcast_buffers: False
  • dataloader_pin_memory: True
  • dataloader_persistent_workers: False
  • skip_memory_metrics: True
  • use_legacy_prediction_loop: False
  • push_to_hub: False
  • resume_from_checkpoint: None
  • hub_model_id: None
  • hub_strategy: every_save
  • hub_private_repo: None
  • hub_always_push: False
  • gradient_checkpointing: False
  • gradient_checkpointing_kwargs: None
  • include_inputs_for_metrics: False
  • include_for_metrics: []
  • eval_do_concat_batches: True
  • fp16_backend: auto
  • push_to_hub_model_id: None
  • push_to_hub_organization: None
  • mp_parameters:
  • auto_find_batch_size: False
  • full_determinism: False
  • torchdynamo: None
  • ray_scope: last
  • ddp_timeout: 1800
  • torch_compile: False
  • torch_compile_backend: None
  • torch_compile_mode: None
  • dispatch_batches: None
  • split_batches: None
  • include_tokens_per_second: False
  • include_num_input_tokens_seen: False
  • neftune_noise_alpha: None
  • optim_target_modules: None
  • batch_eval_metrics: False
  • eval_on_start: False
  • use_liger_kernel: False
  • eval_use_gather_object: False
  • average_tokens_across_devices: False
  • prompts: None
  • batch_sampler: batch_sampler
  • multi_dataset_batch_sampler: proportional

Training Logs

Click to expand
Epoch Step Training Loss Validation Loss mse_evaluation-en-es_negative_mse translation_evaluation-en-es_mean_accuracy mse_evaluation-en-ja_negative_mse translation_evaluation-en-ja_mean_accuracy mse_evaluation-en-pt_negative_mse translation_evaluation-en-pt_mean_accuracy mse_evaluation-en-pt-br_negative_mse translation_evaluation-en-pt-br_mean_accuracy sts17-es-en_spearman_cosine
0.0121 500 0.0042 - - - - - - - - - -
0.0241 1000 0.0038 - - - - - - - - - -
0.0362 1500 0.0036 - - - - - - - - - -
0.0482 2000 0.0035 0.0035 -0.35508493 0.1044 -0.345821 0.0226 -0.35538134 0.1054 -0.36269745 0.0581 0.0539
0.0603 2500 0.0034 - - - - - - - - - -
0.0723 3000 0.0034 - - - - - - - - - -
0.0844 3500 0.0033 - - - - - - - - - -
0.0964 4000 0.0031 0.0031 -0.32759422 0.2046 -0.30827525 0.0743 -0.32640815 0.2252 -0.33769488 0.1375 0.1724
0.1085 4500 0.003 - - - - - - - - - -
0.1205 5000 0.0029 - - - - - - - - - -
0.1326 5500 0.0028 - - - - - - - - - -
0.1446 6000 0.0026 0.0026 -0.28074265 0.4404 -0.2739771 0.2272 -0.27682656 0.4763 -0.28007567 0.4262 0.2520
0.1567 6500 0.0025 - - - - - - - - - -
0.1687 7000 0.0024 - - - - - - - - - -
0.1808 7500 0.0023 - - - - - - - - - -
0.1928 8000 0.0022 0.0022 -0.24238466 0.6402 -0.250028 0.4011 -0.23702262 0.6861 -0.23575558 0.6896 0.4044
0.2049 8500 0.0021 - - - - - - - - - -
0.2169 9000 0.002 - - - - - - - - - -
0.2290 9500 0.002 - - - - - - - - - -
0.2410 10000 0.0019 0.0019 -0.21600094 0.7464 -0.23278284 0.5273 -0.2099319 0.7992 -0.20614047 0.8173 0.4959
0.2531 10500 0.0018 - - - - - - - - - -
0.2651 11000 0.0018 - - - - - - - - - -
0.2772 11500 0.0017 - - - - - - - - - -
0.2892 12000 0.0017 0.0017 -0.19793294 0.8062 -0.21972491 0.6026 -0.19116218 0.8539 -0.1857133 0.8777 0.5842
0.3013 12500 0.0017 - - - - - - - - - -
0.3133 13000 0.0016 - - - - - - - - - -
0.3254 13500 0.0016 - - - - - - - - - -
0.3374 14000 0.0016 0.0015 -0.18555729 0.837 -0.20980006 0.6562 -0.17861626 0.8804 -0.17186877 0.9057 0.5879
0.3495 14500 0.0015 - - - - - - - - - -
0.3615 15000 0.0015 - - - - - - - - - -
0.3736 15500 0.0015 - - - - - - - - - -
0.3856 16000 0.0015 0.0015 -0.17644796 0.8528 -0.20250218 0.6862 -0.16946189 0.8943 -0.16206862 0.9194 0.6320
0.3977 16500 0.0014 - - - - - - - - - -
0.4097 17000 0.0014 - - - - - - - - - -
0.4218 17500 0.0014 - - - - - - - - - -
0.4338 18000 0.0014 0.0014 -0.16973971 0.8649 -0.19682825 0.7094 -0.1622974 0.9023 -0.15417953 0.9314 0.6597
0.4459 18500 0.0014 - - - - - - - - - -
0.4579 19000 0.0014 - - - - - - - - - -
0.4700 19500 0.0013 - - - - - - - - - -
0.4820 20000 0.0013 0.0013 -0.1641007 0.8754 -0.19244926 0.7223 -0.15692376 0.9096 -0.14865807 0.9357 0.6557
0.4941 20500 0.0013 - - - - - - - - - -
0.5061 21000 0.0013 - - - - - - - - - -
0.5182 21500 0.0013 - - - - - - - - - -
0.5302 22000 0.0013 0.0013 -0.16010879 0.8824 -0.18902606 0.7329 -0.15269552 0.9164 -0.1445241 0.9423 0.6788
0.5423 22500 0.0013 - - - - - - - - - -
0.5543 23000 0.0013 - - - - - - - - - -
0.5664 23500 0.0013 - - - - - - - - - -
0.5784 24000 0.0013 0.0012 -0.15626982 0.8879 -0.18592793 0.7426 -0.14891902 0.9192 -0.14027934 0.9467 0.6883
0.5905 24500 0.0012 - - - - - - - - - -
0.6025 25000 0.0012 - - - - - - - - - -
0.6146 25500 0.0012 - - - - - - - - - -
0.6266 26000 0.0012 0.0012 -0.15344332 0.8891 -0.18390918 0.7482 -0.14586583 0.9216 -0.13747723 0.9477 0.7095
0.6387 26500 0.0012 - - - - - - - - - -
0.6507 27000 0.0012 - - - - - - - - - -
0.6628 27500 0.0012 - - - - - - - - - -
0.6748 28000 0.0012 0.0012 -0.15076707 0.8939 -0.18109618 0.7509 -0.14325207 0.9234 -0.13490975 0.9493 0.7036
0.6869 28500 0.0012 - - - - - - - - - -
0.6989 29000 0.0012 - - - - - - - - - -
0.7110 29500 0.0012 - - - - - - - - - -
0.7230 30000 0.0012 0.0012 -0.14896224 0.8944 -0.17983255 0.7557 -0.14149556 0.9246 -0.132603 0.9490 0.7129
0.7351 30500 0.0012 - - - - - - - - - -
0.7471 31000 0.0012 - - - - - - - - - -
0.7592 31500 0.0012 - - - - - - - - - -
0.7712 32000 0.0012 0.0011 -0.14694206 0.8955 -0.17842062 0.7614 -0.13967048 0.9263 -0.13123229 0.9513 0.7013
0.7833 32500 0.0012 - - - - - - - - - -
0.7953 33000 0.0012 - - - - - - - - - -
0.8074 33500 0.0011 - - - - - - - - - -
0.8194 34000 0.0011 0.0011 -0.1454922 0.8945 -0.17748986 0.7556 -0.13805814 0.9254 -0.12936664 0.9524 0.7257
0.8315 34500 0.0011 - - - - - - - - - -
0.8435 35000 0.0011 - - - - - - - - - -
0.8556 35500 0.0011 - - - - - - - - - -
0.8676 36000 0.0011 0.0011 -0.14445642 0.8971 -0.17664495 0.7615 -0.13716568 0.9271 -0.12828766 0.9533 0.7131
0.8797 36500 0.0011 - - - - - - - - - -
0.8917 37000 0.0011 - - - - - - - - - -
0.9038 37500 0.0011 - - - - - - - - - -
0.9159 38000 0.0011 0.0011 -0.14314517 0.9012 -0.17581795 0.7667 -0.13579074 0.9302 -0.12676515 0.9562 0.7359
0.9279 38500 0.0011 - - - - - - - - - -
0.9400 39000 0.0011 - - - - - - - - - -
0.9520 39500 0.0011 - - - - - - - - - -
0.9641 40000 0.0011 0.0011 -0.14254755 0.9006 -0.1750687 0.7644 -0.13507749 0.9291 -0.12617145 0.9542 0.7330
0.9761 40500 0.0011 - - - - - - - - - -
0.9882 41000 0.0011 - - - - - - - - - -
1.0002 41500 0.0011 - - - - - - - - - -
1.0122 42000 0.0011 0.0011 -0.14128892 0.9000 -0.17403208 0.7649 -0.13401924 0.9284 -0.12513307 0.9548 0.7308
1.0243 42500 0.0011 - - - - - - - - - -
1.0363 43000 0.0011 - - - - - - - - - -
1.0484 43500 0.0011 - - - - - - - - - -
1.0604 44000 0.0011 0.0011 -0.14041829 0.9023 -0.17328069 0.7682 -0.13321185 0.9309 -0.12386437 0.9573 0.7363
1.0725 44500 0.0011 - - - - - - - - - -
1.0845 45000 0.0011 - - - - - - - - - -
1.0966 45500 0.0011 - - - - - - - - - -
1.1086 46000 0.0011 0.0011 -0.13957697 0.9038 -0.17291096 0.7720 -0.13272946 0.9314 -0.123231634 0.9583 0.7416
1.1207 46500 0.0011 - - - - - - - - - -
1.1328 47000 0.0011 - - - - - - - - - -
1.1448 47500 0.0011 - - - - - - - - - -
1.1569 48000 0.0011 0.0011 -0.13915654 0.9022 -0.17264983 0.7712 -0.13188739 0.9315 -0.12255446 0.9585 0.7480
1.1689 48500 0.0011 - - - - - - - - - -
1.1810 49000 0.0011 - - - - - - - - - -
1.1930 49500 0.0011 - - - - - - - - - -
1.2051 50000 0.0011 0.0011 -0.13857917 0.9031 -0.1716077 0.7702 -0.13125975 0.9319 -0.122287326 0.9563 0.7390
1.2171 50500 0.0011 - - - - - - - - - -
1.2292 51000 0.0011 - - - - - - - - - -
1.2412 51500 0.0011 - - - - - - - - - -
1.2533 52000 0.0011 0.0011 -0.13797507 0.9034 -0.17130753 0.7723 -0.13054648 0.9324 -0.1213307 0.9588 0.7455
1.2653 52500 0.0011 - - - - - - - - - -
1.2774 53000 0.0011 - - - - - - - - - -
1.2894 53500 0.0011 - - - - - - - - - -
1.3015 54000 0.0011 0.0010 -0.13700894 0.9051 -0.17028779 0.7764 -0.12957357 0.933 -0.1200415 0.9599 0.7415
1.3135 54500 0.0011 - - - - - - - - - -
1.3256 55000 0.0011 - - - - - - - - - -
1.3376 55500 0.0011 - - - - - - - - - -
1.3497 56000 0.0011 0.0010 -0.1366941 0.9043 -0.17053173 0.7723 -0.12935832 0.9324 -0.11995116 0.9586 0.7317
1.3617 56500 0.0011 - - - - - - - - - -
1.3738 57000 0.001 - - - - - - - - - -
1.3858 57500 0.001 - - - - - - - - - -
1.3979 58000 0.001 0.0010 -0.13588469 0.9062 -0.16925466 0.7768 -0.12851879 0.9332 -0.11902682 0.9591 0.7458
1.4099 58500 0.001 - - - - - - - - - -
1.4220 59000 0.001 - - - - - - - - - -
1.4340 59500 0.001 - - - - - - - - - -
1.4461 60000 0.001 0.0010 -0.13518032 0.9073 -0.16874488 0.7784 -0.12798062 0.9345 -0.11842741 0.9611 0.7551
1.4581 60500 0.001 - - - - - - - - - -
1.4702 61000 0.001 - - - - - - - - - -
1.4822 61500 0.001 - - - - - - - - - -
1.4943 62000 0.001 0.0010 -0.1348745 0.9084 -0.16872144 0.7827 -0.12802373 0.9357 -0.11821093 0.9627 0.7503
1.5063 62500 0.001 - - - - - - - - - -
1.5184 63000 0.001 - - - - - - - - - -
1.5304 63500 0.001 - - - - - - - - - -
1.5425 64000 0.001 0.0010 -0.13428834 0.9070 -0.16807956 0.7774 -0.12731507 0.9315 -0.11758353 0.9586 0.7487
1.5545 64500 0.001 - - - - - - - - - -
1.5666 65000 0.001 - - - - - - - - - -
1.5786 65500 0.001 - - - - - - - - - -
1.5907 66000 0.001 0.0010 -0.13375127 0.9075 -0.16757816 0.7791 -0.12650031 0.9335 -0.11691947 0.9604 0.7532
1.6027 66500 0.001 - - - - - - - - - -
1.6148 67000 0.001 - - - - - - - - - -
1.6268 67500 0.001 - - - - - - - - - -
1.6389 68000 0.001 0.0010 -0.13341795 0.9073 -0.1676532 0.7797 -0.12606923 0.9351 -0.116496995 0.9607 0.7481
1.6509 68500 0.001 - - - - - - - - - -
1.6630 69000 0.001 - - - - - - - - - -
1.6750 69500 0.001 - - - - - - - - - -
1.6871 70000 0.001 0.0010 -0.13323851 0.9095 -0.16738899 0.7803 -0.12591496 0.9349 -0.116071224 0.9628 0.7556
1.6991 70500 0.001 - - - - - - - - - -
1.7112 71000 0.001 - - - - - - - - - -
1.7232 71500 0.001 - - - - - - - - - -
1.7353 72000 0.001 0.0010 -0.132471 0.9089 -0.16669713 0.7827 -0.12546214 0.9347 -0.11567066 0.9613 0.7654
1.7473 72500 0.001 - - - - - - - - - -
1.7594 73000 0.001 - - - - - - - - - -
1.7714 73500 0.001 - - - - - - - - - -
1.7835 74000 0.001 0.0010 -0.13240911 0.9086 -0.16679284 0.7809 -0.12486157 0.9350 -0.115391895 0.9606 0.7515
1.7955 74500 0.001 - - - - - - - - - -
1.8076 75000 0.001 - - - - - - - - - -
1.8196 75500 0.001 - - - - - - - - - -
1.8317 76000 0.001 0.0010 -0.13224238 0.9101 -0.16674407 0.7794 -0.12495253 0.9340 -0.115175664 0.962 0.7547
1.8437 76500 0.001 - - - - - - - - - -
1.8558 77000 0.001 - - - - - - - - - -
1.8678 77500 0.001 - - - - - - - - - -
1.8799 78000 0.001 0.0010 -0.13156791 0.9089 -0.16607359 0.7809 -0.124372065 0.9344 -0.11479789 0.9607 0.7536
1.8919 78500 0.001 - - - - - - - - - -
1.9040 79000 0.001 - - - - - - - - - -
1.9160 79500 0.001 - - - - - - - - - -
1.9281 80000 0.001 0.0010 -0.1316281 0.9081 -0.16624776 0.7802 -0.124280676 0.9357 -0.11478688 0.9621 0.7490
1.9401 80500 0.001 - - - - - - - - - -
1.9522 81000 0.001 - - - - - - - - - -
1.9642 81500 0.001 - - - - - - - - - -
1.9763 82000 0.001 0.0010 -0.13102518 0.9105 -0.16557191 0.7837 -0.12364923 0.9354 -0.11388038 0.9613 0.7568
1.9883 82500 0.001 - - - - - - - - - -
2.0004 83000 0.001 - - - - - - - - - -
2.0124 83500 0.001 - - - - - - - - - -
2.0245 84000 0.001 0.0010 -0.13096997 0.9099 -0.16536845 0.7849 -0.123497345 0.9360 -0.11385654 0.9631 0.7510
2.0365 84500 0.001 - - - - - - - - - -
2.0486 85000 0.001 - - - - - - - - - -
2.0606 85500 0.001 - - - - - - - - - -
2.0727 86000 0.001 0.0010 -0.13003193 0.9114 -0.16502266 0.7838 -0.12288212 0.9361 -0.11288842 0.9635 0.7513
2.0847 86500 0.001 - - - - - - - - - -
2.0968 87000 0.001 - - - - - - - - - -
2.1088 87500 0.001 - - - - - - - - - -
2.1209 88000 0.001 0.0010 -0.1301904 0.9113 -0.16467644 0.7852 -0.123085186 0.9363 -0.11298419 0.9625 0.7580
2.1329 88500 0.001 - - - - - - - - - -
2.1450 89000 0.001 - - - - - - - - - -
2.1570 89500 0.001 - - - - - - - - - -
2.1691 90000 0.001 0.0010 -0.13003062 0.9117 -0.16455765 0.7845 -0.122814186 0.9353 -0.11313731 0.9627 0.7646
2.1811 90500 0.001 - - - - - - - - - -
2.1932 91000 0.001 - - - - - - - - - -
2.2052 91500 0.001 - - - - - - - - - -
2.2173 92000 0.001 0.0010 -0.12982751 0.9108 -0.16445456 0.7844 -0.12241968 0.9371 -0.11271232 0.9623 0.7632
2.2293 92500 0.001 - - - - - - - - - -
2.2414 93000 0.001 - - - - - - - - - -
2.2534 93500 0.001 - - - - - - - - - -
2.2655 94000 0.001 0.0010 -0.12939829 0.9132 -0.16412637 0.7883 -0.12224483 0.9374 -0.1123632 0.9641 0.7612
2.2776 94500 0.001 - - - - - - - - - -
2.2896 95000 0.001 - - - - - - - - - -
2.3017 95500 0.001 - - - - - - - - - -
2.3137 96000 0.001 0.0010 -0.12917776 0.9104 -0.16392535 0.7850 -0.12185458 0.9370 -0.11221877 0.9629 0.7562
2.3258 96500 0.001 - - - - - - - - - -
2.3378 97000 0.001 - - - - - - - - - -
2.3499 97500 0.001 - - - - - - - - - -
2.3619 98000 0.001 0.0010 -0.12907985 0.9114 -0.16344719 0.7841 -0.12181824 0.9385 -0.11188582 0.9637 0.7566
2.3740 98500 0.001 - - - - - - - - - -
2.3860 99000 0.001 - - - - - - - - - -
2.3981 99500 0.001 - - - - - - - - - -
2.4101 100000 0.001 0.0010 -0.12920342 0.9123 -0.16406502 0.7845 -0.121884584 0.9388 -0.111925915 0.9636 0.7597
2.4222 100500 0.001 - - - - - - - - - -
2.4342 101000 0.001 - - - - - - - - - -
2.4463 101500 0.001 - - - - - - - - - -
2.4583 102000 0.001 0.0010 -0.1288692 0.9122 -0.16350469 0.7858 -0.12137447 0.9373 -0.111644134 0.9637 0.7635
2.4704 102500 0.001 - - - - - - - - - -
2.4824 103000 0.001 - - - - - - - - - -
2.4945 103500 0.001 - - - - - - - - - -
2.5065 104000 0.001 0.0010 -0.1289687 0.9115 -0.16373612 0.7876 -0.12150239 0.9362 -0.111682236 0.9642 0.7587
2.5186 104500 0.001 - - - - - - - - - -
2.5306 105000 0.001 - - - - - - - - - -
2.5427 105500 0.001 - - - - - - - - - -
2.5547 106000 0.001 0.0010 -0.12838307 0.9123 -0.16352093 0.7871 -0.121176444 0.9369 -0.11109304 0.9637 0.7701
2.5668 106500 0.001 - - - - - - - - - -
2.5788 107000 0.001 - - - - - - - - - -
2.5909 107500 0.001 - - - - - - - - - -
2.6029 108000 0.001 0.0010 -0.1282897 0.9127 -0.16305013 0.7878 -0.12108948 0.9376 -0.11123535 0.9645 0.7693
2.6150 108500 0.001 - - - - - - - - - -
2.6270 109000 0.001 - - - - - - - - - -
2.6391 109500 0.001 - - - - - - - - - -
2.6511 110000 0.001 0.0010 -0.12808812 0.9113 -0.16276535 0.7849 -0.12093023 0.9359 -0.11075563 0.9629 0.7665
2.6632 110500 0.001 - - - - - - - - - -
2.6752 111000 0.001 - - - - - - - - - -
2.6873 111500 0.001 - - - - - - - - - -
2.6993 112000 0.001 0.0010 -0.12810394 0.9106 -0.1628341 0.7867 -0.12081195 0.9361 -0.11062634 0.9638 0.7622
2.7114 112500 0.001 - - - - - - - - - -
2.7234 113000 0.001 - - - - - - - - - -
2.7355 113500 0.001 - - - - - - - - - -
2.7475 114000 0.001 0.0010 -0.12766899 0.9106 -0.16274269 0.7865 -0.12054375 0.9358 -0.11041278 0.9643 0.7689
2.7596 114500 0.001 - - - - - - - - - -
2.7716 115000 0.001 - - - - - - - - - -
2.7837 115500 0.001 - - - - - - - - - -
2.7957 116000 0.001 0.0010 -0.12782887 0.9123 -0.16317768 0.7877 -0.120523505 0.9375 -0.110602684 0.9648 0.7741
2.8078 116500 0.001 - - - - - - - - - -
2.8198 117000 0.001 - - - - - - - - - -
2.8319 117500 0.001 - - - - - - - - - -
2.8439 118000 0.001 0.0009 -0.1274291 0.9128 -0.1622937 0.7875 -0.120227024 0.9382 -0.11015794 0.9642 0.7670
2.8560 118500 0.001 - - - - - - - - - -
2.8680 119000 0.001 - - - - - - - - - -
2.8801 119500 0.001 - - - - - - - - - -
2.8921 120000 0.001 0.0009 -0.127271 0.9136 -0.16219822 0.7889 -0.120123 0.9383 -0.10982023 0.9647 0.7699
2.9042 120500 0.001 - - - - - - - - - -
2.9162 121000 0.001 - - - - - - - - - -
2.9283 121500 0.001 - - - - - - - - - -
2.9403 122000 0.001 0.0009 -0.12701707 0.9141 -0.16180599 0.7895 -0.11978282 0.9378 -0.10970475 0.9647 0.7698
2.9524 122500 0.001 - - - - - - - - - -
2.9644 123000 0.001 - - - - - - - - - -
2.9765 123500 0.001 - - - - - - - - - -
2.9885 124000 0.001 0.0009 -0.12689038 0.9120 -0.16190249 0.7877 -0.11975086 0.9373 -0.10964994 0.9635 0.7712
3.0006 124500 0.001 - - - - - - - - - -
3.0126 125000 0.001 - - - - - - - - - -
3.0247 125500 0.001 - - - - - - - - - -
3.0367 126000 0.001 0.0009 -0.12694204 0.9143 -0.16193174 0.7888 -0.1198582 0.9386 -0.10989632 0.9647 0.7700
3.0488 126500 0.001 - - - - - - - - - -
3.0608 127000 0.001 - - - - - - - - - -
3.0729 127500 0.001 - - - - - - - - - -
3.0849 128000 0.0009 0.0009 -0.12693574 0.9132 -0.16211434 0.7870 -0.11972516 0.9371 -0.109592065 0.9647 0.7791
3.0970 128500 0.001 - - - - - - - - - -
3.1090 129000 0.0009 - - - - - - - - - -
3.1211 129500 0.0009 - - - - - - - - - -
3.1331 130000 0.0009 0.0009 -0.1268968 0.9133 -0.16193083 0.7896 -0.11950171 0.9379 -0.10950179 0.9635 0.7828
3.1452 130500 0.0009 - - - - - - - - - -
3.1572 131000 0.0009 - - - - - - - - - -
3.1693 131500 0.0009 - - - - - - - - - -
3.1813 132000 0.0009 0.0009 -0.12672682 0.9143 -0.16184658 0.7895 -0.119381174 0.9375 -0.10941733 0.9639 0.7725
3.1934 132500 0.0009 - - - - - - - - - -
3.2054 133000 0.0009 - - - - - - - - - -
3.2175 133500 0.0009 - - - - - - - - - -
3.2295 134000 0.0009 0.0009 -0.12637402 0.9125 -0.1612142 0.7869 -0.1190265 0.9367 -0.108747184 0.9644 0.7834
3.2416 134500 0.0009 - - - - - - - - - -
3.2536 135000 0.0009 - - - - - - - - - -
3.2657 135500 0.0009 - - - - - - - - - -
3.2777 136000 0.0009 0.0009 -0.12627023 0.9145 -0.16129792 0.7878 -0.11899839 0.9390 -0.10877982 0.9650 0.7797
3.2898 136500 0.0009 - - - - - - - - - -
3.3018 137000 0.0009 - - - - - - - - - -
3.3139 137500 0.0009 - - - - - - - - - -
3.3259 138000 0.0009 0.0009 -0.126287 0.9129 -0.16085674 0.7889 -0.118963666 0.9380 -0.10874624 0.9655 0.7803
3.3380 138500 0.0009 - - - - - - - - - -
3.3500 139000 0.0009 - - - - - - - - - -
3.3621 139500 0.0009 - - - - - - - - - -
3.3741 140000 0.0009 0.0009 -0.12557589 0.9126 -0.16073172 0.7899 -0.11818668 0.9381 -0.10807696 0.9647 0.7804
3.3862 140500 0.0009 - - - - - - - - - -
3.3983 141000 0.0009 - - - - - - - - - -
3.4103 141500 0.0009 - - - - - - - - - -
3.4224 142000 0.0009 0.0009 -0.12540558 0.9148 -0.16081187 0.7906 -0.11835884 0.9389 -0.10810037 0.9654 0.7901
3.4344 142500 0.0009 - - - - - - - - - -
3.4465 143000 0.0009 - - - - - - - - - -
3.4585 143500 0.0009 - - - - - - - - - -
3.4706 144000 0.0009 0.0009 -0.12564436 0.9143 -0.16074274 0.7904 -0.11869448 0.9383 -0.108515434 0.9637 0.7798
3.4826 144500 0.0009 - - - - - - - - - -
3.4947 145000 0.0009 - - - - - - - - - -
3.5067 145500 0.0009 - - - - - - - - - -
3.5188 146000 0.0009 0.0009 -0.12536706 0.9138 -0.16059272 0.7897 -0.11825046 0.9387 -0.10799275 0.9659 0.7839
3.5308 146500 0.0009 - - - - - - - - - -
3.5429 147000 0.0009 - - - - - - - - - -
3.5549 147500 0.0009 - - - - - - - - - -
3.5670 148000 0.0009 0.0009 -0.1254118 0.9141 -0.16092719 0.7895 -0.11816683 0.938 -0.10793509 0.9643 0.7789
3.5790 148500 0.0009 - - - - - - - - - -
3.5911 149000 0.0009 - - - - - - - - - -
3.6031 149500 0.0009 - - - - - - - - - -
3.6152 150000 0.0009 0.0009 -0.12520525 0.9146 -0.16024144 0.7923 -0.11789823 0.9389 -0.107751146 0.965 0.7794
3.6272 150500 0.0009 - - - - - - - - - -
3.6393 151000 0.0009 - - - - - - - - - -
3.6513 151500 0.0009 - - - - - - - - - -
3.6634 152000 0.0009 0.0009 -0.12541829 0.914 -0.16040145 0.7911 -0.118120655 0.9392 -0.10773916 0.9651 0.7750
3.6754 152500 0.0009 - - - - - - - - - -
3.6875 153000 0.0009 - - - - - - - - - -
3.6995 153500 0.0009 - - - - - - - - - -
3.7116 154000 0.0009 0.0009 -0.12517425 0.9148 -0.16046035 0.7901 -0.11791107 0.9384 -0.107769206 0.9651 0.7896
3.7236 154500 0.0009 - - - - - - - - - -
3.7357 155000 0.0009 - - - - - - - - - -
3.7477 155500 0.0009 - - - - - - - - - -
3.7598 156000 0.0009 0.0009 -0.12504649 0.9138 -0.16007474 0.7903 -0.11769476 0.9385 -0.1074499 0.9656 0.7908
3.7718 156500 0.0009 - - - - - - - - - -
3.7839 157000 0.0009 - - - - - - - - - -
3.7959 157500 0.0009 - - - - - - - - - -
3.8080 158000 0.0009 0.0009 -0.1249322 0.9132 -0.16022074 0.7903 -0.11760567 0.9385 -0.10745074 0.9655 0.7936
3.8200 158500 0.0009 - - - - - - - - - -
3.8321 159000 0.0009 - - - - - - - - - -
3.8441 159500 0.0009 - - - - - - - - - -
3.8562 160000 0.0009 0.0009 -0.124763474 0.9148 -0.15979636 0.7920 -0.117504686 0.9390 -0.10717098 0.9661 0.7889
3.8682 160500 0.0009 - - - - - - - - - -
3.8803 161000 0.0009 - - - - - - - - - -
3.8923 161500 0.0009 - - - - - - - - - -
3.9044 162000 0.0009 0.0009 -0.12479923 0.9137 -0.1600711 0.7905 -0.11758249 0.9385 -0.10722201 0.9652 0.7864
3.9164 162500 0.0009 - - - - - - - - - -
3.9285 163000 0.0009 - - - - - - - - - -
3.9405 163500 0.0009 - - - - - - - - - -
3.9526 164000 0.0009 0.0009 -0.124877214 0.9138 -0.15992995 0.793 -0.11760226 0.9393 -0.10724403 0.9656 0.7953
3.9646 164500 0.0009 - - - - - - - - - -
3.9767 165000 0.0009 - - - - - - - - - -
3.9887 165500 0.0009 - - - - - - - - - -
4.0008 166000 0.0009 0.0009 -0.1248542 0.9151 -0.16045645 0.7922 -0.117678024 0.9388 -0.10792439 0.9666 0.7863
4.0128 166500 0.0009 - - - - - - - - - -
4.0249 167000 0.0009 - - - - - - - - - -
4.0369 167500 0.0009 - - - - - - - - - -
4.0490 168000 0.0009 0.0009 -0.12433779 0.9149 -0.15954816 0.7930 -0.11723853 0.9391 -0.10687931 0.9659 0.7850
4.0610 168500 0.0009 - - - - - - - - - -
4.0731 169000 0.0009 - - - - - - - - - -
4.0851 169500 0.0009 - - - - - - - - - -
4.0972 170000 0.0009 0.0009 -0.124370426 0.9142 -0.15958294 0.7931 -0.11711443 0.9387 -0.1070673 0.9654 0.7775
4.1092 170500 0.0009 - - - - - - - - - -
4.1213 171000 0.0009 - - - - - - - - - -
4.1333 171500 0.0009 - - - - - - - - - -
4.1454 172000 0.0009 0.0009 -0.12383846 0.9147 -0.1592088 0.7913 -0.11677368 0.9385 -0.10656691 0.9652 0.7891
4.1574 172500 0.0009 - - - - - - - - - -
4.1695 173000 0.0009 - - - - - - - - - -
4.1815 173500 0.0009 - - - - - - - - - -
4.1936 174000 0.0009 0.0009 -0.124194965 0.9149 -0.15957709 0.7918 -0.1169779 0.9395 -0.106627904 0.9656 0.7989
4.2056 174500 0.0009 - - - - - - - - - -
4.2177 175000 0.0009 - - - - - - - - - -
4.2297 175500 0.0009 - - - - - - - - - -
4.2418 176000 0.0009 0.0009 -0.12454461 0.9143 -0.15984882 0.7916 -0.11736534 0.9400 -0.10716106 0.9656 0.7949
4.2538 176500 0.0009 - - - - - - - - - -
4.2659 177000 0.0009 - - - - - - - - - -
4.2779 177500 0.0009 - - - - - - - - - -
4.2900 178000 0.0009 0.0009 -0.12404667 0.9143 -0.1593831 0.7915 -0.11683373 0.9393 -0.10656269 0.9654 0.7981
4.3020 178500 0.0009 - - - - - - - - - -
4.3141 179000 0.0009 - - - - - - - - - -
4.3261 179500 0.0009 - - - - - - - - - -
4.3382 180000 0.0009 0.0009 -0.1238653 0.9154 -0.1591141 0.7906 -0.11670848 0.9400 -0.10634936 0.9663 0.7936
4.3502 180500 0.0009 - - - - - - - - - -
4.3623 181000 0.0009 - - - - - - - - - -
4.3743 181500 0.0009 - - - - - - - - - -
4.3864 182000 0.0009 0.0009 -0.12405026 0.9144 -0.15932465 0.7910 -0.116629854 0.9404 -0.10640634 0.9659 0.7906
4.3984 182500 0.0009 - - - - - - - - - -
4.4105 183000 0.0009 - - - - - - - - - -
4.4225 183500 0.0009 - - - - - - - - - -
4.4346 184000 0.0009 0.0009 -0.12385055 0.9153 -0.15913114 0.7933 -0.11662009 0.9403 -0.1061467 0.9672 0.7958
4.4466 184500 0.0009 - - - - - - - - - -
4.4587 185000 0.0009 - - - - - - - - - -
4.4707 185500 0.0009 - - - - - - - - - -
4.4828 186000 0.0009 0.0009 -0.12353164 0.9138 -0.15873238 0.7929 -0.11616614 0.9399 -0.10607579 0.9658 0.7904
4.4948 186500 0.0009 - - - - - - - - - -
4.5069 187000 0.0009 - - - - - - - - - -
4.5189 187500 0.0009 - - - - - - - - - -
4.5310 188000 0.0009 0.0009 -0.1234301 0.915 -0.15901197 0.7904 -0.1162911 0.9385 -0.105946735 0.9659 0.7960
4.5431 188500 0.0009 - - - - - - - - - -
4.5551 189000 0.0009 - - - - - - - - - -
4.5672 189500 0.0009 - - - - - - - - - -
4.5792 190000 0.0009 0.0009 -0.12366929 0.9152 -0.1590385 0.7932 -0.11635226 0.9398 -0.106074 0.9660 0.7987
4.5913 190500 0.0009 - - - - - - - - - -
4.6033 191000 0.0009 - - - - - - - - - -
4.6154 191500 0.0009 - - - - - - - - - -
4.6274 192000 0.0009 0.0009 -0.12308879 0.9151 -0.15870233 0.7927 -0.11592627 0.9392 -0.10571766 0.9651 0.7960
4.6395 192500 0.0009 - - - - - - - - - -
4.6515 193000 0.0009 - - - - - - - - - -
4.6636 193500 0.0009 - - - - - - - - - -
4.6756 194000 0.0009 0.0009 -0.123548284 0.9141 -0.15906048 0.7921 -0.11618766 0.9391 -0.10589829 0.9657 0.8017
4.6877 194500 0.0009 - - - - - - - - - -
4.6997 195000 0.0009 - - - - - - - - - -
4.7118 195500 0.0009 - - - - - - - - - -
4.7238 196000 0.0009 0.0009 -0.12323906 0.9141 -0.1587712 0.7895 -0.116058685 0.9383 -0.10584708 0.9647 0.7951
4.7359 196500 0.0009 - - - - - - - - - -
4.7479 197000 0.0009 - - - - - - - - - -
4.7600 197500 0.0009 - - - - - - - - - -
4.7720 198000 0.0009 0.0009 -0.12302134 0.9151 -0.15882707 0.7935 -0.115741916 0.9401 -0.10559036 0.9661 0.7957
4.7841 198500 0.0009 - - - - - - - - - -
4.7961 199000 0.0009 - - - - - - - - - -
4.8082 199500 0.0009 - - - - - - - - - -
4.8202 200000 0.0009 0.0009 -0.12295742 0.9155 -0.15831417 0.7946 -0.115616165 0.9409 -0.10527927 0.9667 0.8039
4.8323 200500 0.0009 - - - - - - - - - -
4.8443 201000 0.0009 - - - - - - - - - -
4.8564 201500 0.0009 - - - - - - - - - -
4.8684 202000 0.0009 0.0009 -0.122976616 0.9166 -0.15854654 0.7955 -0.11583256 0.9406 -0.105557926 0.9662 0.7933
4.8805 202500 0.0009 - - - - - - - - - -
4.8925 203000 0.0009 - - - - - - - - - -
4.9046 203500 0.0009 - - - - - - - - - -
4.9166 204000 0.0009 0.0009 -0.12282531 0.9156 -0.15864763 0.7933 -0.115674525 0.9409 -0.10533122 0.9653 0.7915
4.9287 204500 0.0009 - - - - - - - - - -
4.9407 205000 0.0009 - - - - - - - - - -
4.9528 205500 0.0009 - - - - - - - - - -
4.9648 206000 0.0009 0.0009 -0.1226763 0.9161 -0.15815087 0.7949 -0.11566279 0.9397 -0.10535467 0.9661 0.7980
4.9769 206500 0.0009 - - - - - - - - - -
4.9889 207000 0.0009 - - - - - - - - - -
5.0010 207500 0.0009 - - - - - - - - - -
5.0130 208000 0.0009 0.0009 -0.12280198 0.9174 -0.15838356 0.7941 -0.11564119 0.9408 -0.10529037 0.9661 0.7971
5.0251 208500 0.0009 - - - - - - - - - -
5.0371 209000 0.0009 - - - - - - - - - -
5.0492 209500 0.0009 - - - - - - - - - -
5.0612 210000 0.0009 0.0009 -0.12270275 0.9161 -0.15806434 0.7946 -0.115419984 0.9408 -0.10491283 0.9678 0.8039
5.0733 210500 0.0009 - - - - - - - - - -
5.0853 211000 0.0009 - - - - - - - - - -
5.0974 211500 0.0009 - - - - - - - - - -
5.1094 212000 0.0009 0.0009 -0.12243056 0.9158 -0.15797664 0.7926 -0.11522509 0.9401 -0.10483756 0.9656 0.7930
5.1215 212500 0.0009 - - - - - - - - - -
5.1335 213000 0.0009 - - - - - - - - - -
5.1456 213500 0.0009 - - - - - - - - - -
5.1576 214000 0.0009 0.0009 -0.12265551 0.9157 -0.15803154 0.7957 -0.11525117 0.9414 -0.10505652 0.9666 0.7956
5.1697 214500 0.0009 - - - - - - - - - -
5.1817 215000 0.0009 - - - - - - - - - -
5.1938 215500 0.0009 - - - - - - - - - -
5.2058 216000 0.0009 0.0009 -0.12240642 0.9163 -0.15794457 0.7953 -0.1150559 0.9397 -0.104678705 0.9671 0.7969
5.2179 216500 0.0009 - - - - - - - - - -
5.2299 217000 0.0009 - - - - - - - - - -
5.2420 217500 0.0009 - - - - - - - - - -
5.2540 218000 0.0009 0.0009 -0.122508205 0.9155 -0.15803492 0.7928 -0.11530148 0.9400 -0.10501844 0.9657 0.7935
5.2661 218500 0.0009 - - - - - - - - - -
5.2781 219000 0.0009 - - - - - - - - - -
5.2902 219500 0.0009 - - - - - - - - - -
5.3022 220000 0.0009 0.0009 -0.12229491 0.9164 -0.1578976 0.7936 -0.11508705 0.9404 -0.10477948 0.9666 0.7980
5.3143 220500 0.0009 - - - - - - - - - -
5.3263 221000 0.0009 - - - - - - - - - -
5.3384 221500 0.0009 - - - - - - - - - -
5.3504 222000 0.0009 0.0009 -0.12242974 0.9153 -0.15810539 0.7919 -0.11520057 0.9396 -0.10478588 0.9667 0.7962
5.3625 222500 0.0009 - - - - - - - - - -
5.3745 223000 0.0009 - - - - - - - - - -
5.3866 223500 0.0009 - - - - - - - - - -
5.3986 224000 0.0009 0.0009 -0.12207592 0.9154 -0.15769525 0.7944 -0.114826135 0.9397 -0.104375 0.9677 0.7926
5.4107 224500 0.0009 - - - - - - - - - -
5.4227 225000 0.0009 - - - - - - - - - -
5.4348 225500 0.0009 - - - - - - - - - -
5.4468 226000 0.0009 0.0009 -0.122125156 0.9158 -0.15763007 0.7937 -0.114788026 0.9397 -0.10428928 0.9662 0.7978
5.4589 226500 0.0009 - - - - - - - - - -
5.4709 227000 0.0009 - - - - - - - - - -
5.4830 227500 0.0009 - - - - - - - - - -
5.4950 228000 0.0009 0.0009 -0.121786356 0.9175 -0.15767786 0.7954 -0.11453448 0.9407 -0.104248255 0.9676 0.7986
5.5071 228500 0.0009 - - - - - - - - - -
5.5191 229000 0.0009 - - - - - - - - - -
5.5312 229500 0.0009 - - - - - - - - - -
5.5432 230000 0.0009 0.0009 -0.121813305 0.9163 -0.15752186 0.7937 -0.11456609 0.94 -0.10418406 0.9668 0.7958
5.5553 230500 0.0009 - - - - - - - - - -
5.5673 231000 0.0009 - - - - - - - - - -
5.5794 231500 0.0009 - - - - - - - - - -
5.5914 232000 0.0009 0.0009 -0.12187062 0.9156 -0.15743192 0.7961 -0.11462416 0.9391 -0.10446034 0.9669 0.7947
5.6035 232500 0.0009 - - - - - - - - - -
5.6155 233000 0.0009 - - - - - - - - - -
5.6276 233500 0.0009 - - - - - - - - - -
5.6396 234000 0.0009 0.0009 -0.12201568 0.9158 -0.15754098 0.7957 -0.11458277 0.9408 -0.10424298 0.9670 0.8036
5.6517 234500 0.0009 - - - - - - - - - -
5.6638 235000 0.0009 - - - - - - - - - -
5.6758 235500 0.0009 - - - - - - - - - -
5.6879 236000 0.0009 0.0009 -0.12160508 0.9169 -0.15719855 0.7972 -0.11433715 0.9407 -0.103907116 0.9671 0.8009
5.6999 236500 0.0009 - - - - - - - - - -
5.7120 237000 0.0009 - - - - - - - - - -
5.7240 237500 0.0009 - - - - - - - - - -
5.7361 238000 0.0009 0.0009 -0.1215938 0.9153 -0.15713076 0.7941 -0.114301234 0.9403 -0.10393213 0.9672 0.7984
5.7481 238500 0.0009 - - - - - - - - - -
5.7602 239000 0.0009 - - - - - - - - - -
5.7722 239500 0.0009 - - - - - - - - - -
5.7843 240000 0.0009 0.0009 -0.12158132 0.9149 -0.15723926 0.7935 -0.114384994 0.9401 -0.1040761 0.9661 0.8013
5.7963 240500 0.0009 - - - - - - - - - -
5.8084 241000 0.0009 - - - - - - - - - -
5.8204 241500 0.0009 - - - - - - - - - -
5.8325 242000 0.0009 0.0009 -0.121409364 0.9163 -0.15700819 0.7952 -0.11422802 0.9407 -0.103803374 0.9667 0.8012
5.8445 242500 0.0009 - - - - - - - - - -
5.8566 243000 0.0009 - - - - - - - - - -
5.8686 243500 0.0009 - - - - - - - - - -
5.8807 244000 0.0009 0.0009 -0.12139225 0.9165 -0.15697363 0.7962 -0.114099 0.9409 -0.103739314 0.9669 0.8040
5.8927 244500 0.0009 - - - - - - - - - -
5.9048 245000 0.0009 - - - - - - - - - -
5.9168 245500 0.0009 - - - - - - - - - -
5.9289 246000 0.0009 0.0009 -0.12142664 0.9153 -0.15684266 0.7964 -0.114110485 0.9403 -0.10369468 0.9669 0.8039
5.9409 246500 0.0009 - - - - - - - - - -
5.9530 247000 0.0009 - - - - - - - - - -
5.9650 247500 0.0009 - - - - - - - - - -
5.9771 248000 0.0009 0.0009 -0.12130597 0.9163 -0.15676919 0.7955 -0.11402441 0.9403 -0.10352285 0.9669 0.8015
5.9891 248500 0.0009 - - - - - - - - - -
6.0012 249000 0.0009 - - - - - - - - - -
6.0132 249500 0.0009 - - - - - - - - - -
6.0253 250000 0.0009 0.0009 -0.12142649 0.916 -0.15707617 0.7949 -0.11411642 0.9401 -0.10360606 0.9667 0.8012
6.0373 250500 0.0009 - - - - - - - - - -
6.0494 251000 0.0009 - - - - - - - - - -
6.0614 251500 0.0009 - - - - - - - - - -
6.0735 252000 0.0009 0.0009 -0.12106067 0.9168 -0.15670271 0.7944 -0.11387472 0.9407 -0.10354407 0.9669 0.8021
6.0855 252500 0.0009 - - - - - - - - - -
6.0976 253000 0.0009 - - - - - - - - - -
6.1096 253500 0.0009 - - - - - - - - - -
6.1217 254000 0.0009 0.0009 -0.121098295 0.9161 -0.15662901 0.7961 -0.11384833 0.9398 -0.1033951 0.9671 0.8048
6.1337 254500 0.0009 - - - - - - - - - -
6.1458 255000 0.0009 - - - - - - - - - -
6.1578 255500 0.0009 - - - - - - - - - -
6.1699 256000 0.0009 0.0009 -0.12097549 0.9163 -0.1566434 0.7945 -0.11359821 0.9405 -0.10337321 0.9671 0.8008
6.1819 256500 0.0009 - - - - - - - - - -
6.1940 257000 0.0009 - - - - - - - - - -
6.2060 257500 0.0009 - - - - - - - - - -
6.2181 258000 0.0009 0.0009 -0.12077013 0.9167 -0.15632969 0.7964 -0.11357237 0.9406 -0.10302543 0.9674 0.8045
6.2301 258500 0.0009 - - - - - - - - - -
6.2422 259000 0.0009 - - - - - - - - - -
6.2542 259500 0.0009 - - - - - - - - - -
6.2663 260000 0.0009 0.0009 -0.12102381 0.9173 -0.15675934 0.7959 -0.11392181 0.9404 -0.103469335 0.9674 0.8037
6.2783 260500 0.0009 - - - - - - - - - -
6.2904 261000 0.0009 - - - - - - - - - -
6.3024 261500 0.0009 - - - - - - - - - -
6.3145 262000 0.0009 0.0009 -0.120851874 0.9168 -0.15646338 0.7966 -0.1135496 0.9410 -0.103145614 0.9674 0.7954
6.3265 262500 0.0009 - - - - - - - - - -
6.3386 263000 0.0009 - - - - - - - - - -
6.3506 263500 0.0009 - - - - - - - - - -
6.3627 264000 0.0009 0.0009 -0.12083888 0.9165 -0.15639423 0.7944 -0.11351489 0.9403 -0.10314996 0.9667 0.8026
6.3747 264500 0.0009 - - - - - - - - - -
6.3868 265000 0.0009 - - - - - - - - - -
6.3988 265500 0.0009 - - - - - - - - - -
6.4109 266000 0.0009 0.0009 -0.120574094 0.9166 -0.15634955 0.7978 -0.113225415 0.9405 -0.10287785 0.9677 0.8015
6.4229 266500 0.0009 - - - - - - - - - -
6.4350 267000 0.0009 - - - - - - - - - -
6.4470 267500 0.0009 - - - - - - - - - -
6.4591 268000 0.0009 0.0009 -0.12079299 0.9163 -0.15649363 0.7951 -0.113506205 0.9407 -0.10303708 0.967 0.7989
6.4711 268500 0.0009 - - - - - - - - - -
6.4832 269000 0.0009 - - - - - - - - - -
6.4952 269500 0.0009 - - - - - - - - - -
6.5073 270000 0.0009 0.0009 -0.120686576 0.9159 -0.15629883 0.7955 -0.11336302 0.9404 -0.10274599 0.9667 0.8079
6.5193 270500 0.0009 - - - - - - - - - -
6.5314 271000 0.0009 - - - - - - - - - -
6.5434 271500 0.0009 - - - - - - - - - -
6.5555 272000 0.0009 0.0009 -0.12063825 0.9162 -0.15634269 0.7969 -0.113294415 0.9403 -0.10278047 0.9668 0.8012
6.5675 272500 0.0009 - - - - - - - - - -
6.5796 273000 0.0009 - - - - - - - - - -
6.5916 273500 0.0009 - - - - - - - - - -
6.6037 274000 0.0009 0.0009 -0.12068937 0.9164 -0.15636578 0.7955 -0.11343323 0.9405 -0.10296938 0.9666 0.7965
6.6157 274500 0.0009 - - - - - - - - - -
6.6278 275000 0.0009 - - - - - - - - - -
6.6398 275500 0.0009 - - - - - - - - - -
6.6519 276000 0.0009 0.0009 -0.12041861 0.9168 -0.15612435 0.7972 -0.1129759 0.9415 -0.10264841 0.9672 0.7985
6.6639 276500 0.0009 - - - - - - - - - -
6.6760 277000 0.0009 - - - - - - - - - -
6.6880 277500 0.0009 - - - - - - - - - -
6.7001 278000 0.0009 0.0009 -0.120453015 0.9162 -0.15615967 0.7971 -0.113096274 0.9409 -0.10267983 0.9672 0.8049
6.7121 278500 0.0009 - - - - - - - - - -
6.7242 279000 0.0009 - - - - - - - - - -
6.7362 279500 0.0009 - - - - - - - - - -
6.7483 280000 0.0009 0.0009 -0.120221704 0.917 -0.15588309 0.7952 -0.112880185 0.9404 -0.102278136 0.9671 0.8023
6.7603 280500 0.0009 - - - - - - - - - -
6.7724 281000 0.0009 - - - - - - - - - -
6.7844 281500 0.0009 - - - - - - - - - -
6.7965 282000 0.0009 0.0009 -0.120415226 0.9163 -0.1558823 0.7967 -0.113136254 0.9410 -0.102525376 0.9670 0.8040
6.8086 282500 0.0009 - - - - - - - - - -
6.8206 283000 0.0009 - - - - - - - - - -
6.8327 283500 0.0009 - - - - - - - - - -
6.8447 284000 0.0009 0.0009 -0.12042539 0.9163 -0.15619986 0.7962 -0.113141604 0.9405 -0.102672264 0.9682 0.7986
6.8568 284500 0.0009 - - - - - - - - - -
6.8688 285000 0.0009 - - - - - - - - - -
6.8809 285500 0.0009 - - - - - - - - - -
6.8929 286000 0.0009 0.0009 -0.11988069 0.9178 -0.1557566 0.798 -0.11266192 0.9412 -0.10215086 0.9677 0.8016
6.9050 286500 0.0009 - - - - - - - - - -
6.9170 287000 0.0009 - - - - - - - - - -
6.9291 287500 0.0009 - - - - - - - - - -
6.9411 288000 0.0009 0.0009 -0.12013459 0.9172 -0.15576248 0.7967 -0.11283294 0.9405 -0.10242646 0.9671 0.7972
6.9532 288500 0.0009 - - - - - - - - - -
6.9652 289000 0.0009 - - - - - - - - - -
6.9773 289500 0.0009 - - - - - - - - - -
6.9893 290000 0.0009 0.0009 -0.1200757 0.9169 -0.15590174 0.7982 -0.112830564 0.9406 -0.102384694 0.9682 0.8086
7.0013 290500 0.0009 - - - - - - - - - -
7.0134 291000 0.0009 - - - - - - - - - -
7.0255 291500 0.0009 - - - - - - - - - -
7.0375 292000 0.0009 0.0009 -0.12001528 0.9166 -0.15557852 0.7974 -0.11267973 0.9411 -0.10229165 0.9672 0.8036
7.0496 292500 0.0009 - - - - - - - - - -
7.0616 293000 0.0009 - - - - - - - - - -
7.0737 293500 0.0009 - - - - - - - - - -
7.0857 294000 0.0009 0.0009 -0.11979923 0.9167 -0.1555426 0.7978 -0.11248009 0.9417 -0.10198876 0.9679 0.8040
7.0978 294500 0.0009 - - - - - - - - - -
7.1098 295000 0.0009 - - - - - - - - - -
7.1219 295500 0.0009 - - - - - - - - - -
7.1339 296000 0.0009 0.0009 -0.11987785 0.9169 -0.1555754 0.7977 -0.11250449 0.9405 -0.10214794 0.9670 0.8018
7.1460 296500 0.0009 - - - - - - - - - -
7.1580 297000 0.0009 - - - - - - - - - -
7.1701 297500 0.0009 - - - - - - - - - -
7.1821 298000 0.0009 0.0009 -0.119688824 0.9176 -0.15550643 0.7982 -0.11232202 0.9405 -0.101807326 0.9681 0.8078
7.1942 298500 0.0009 - - - - - - - - - -
7.2062 299000 0.0009 - - - - - - - - - -
7.2183 299500 0.0009 - - - - - - - - - -
7.2303 300000 0.0009 0.0009 -0.11971262 0.9176 -0.15550669 0.7990 -0.11238387 0.9413 -0.10191666 0.9677 0.8019
7.2424 300500 0.0009 - - - - - - - - - -
7.2544 301000 0.0009 - - - - - - - - - -
7.2665 301500 0.0009 - - - - - - - - - -
7.2785 302000 0.0009 0.0009 -0.11962534 0.9180 -0.15534492 0.7978 -0.112284176 0.9409 -0.10193215 0.9675 0.8062
7.2906 302500 0.0009 - - - - - - - - - -
7.3026 303000 0.0009 - - - - - - - - - -
7.3147 303500 0.0009 - - - - - - - - - -
7.3267 304000 0.0009 0.0009 -0.11973646 0.9175 -0.15549803 0.7974 -0.11241035 0.9408 -0.10194889 0.9675 0.8056
7.3388 304500 0.0009 - - - - - - - - - -
7.3508 305000 0.0009 - - - - - - - - - -
7.3629 305500 0.0009 - - - - - - - - - -
7.3749 306000 0.0009 0.0009 -0.11973249 0.917 -0.15538958 0.7976 -0.11246858 0.9408 -0.102036536 0.9672 0.8061
7.3870 306500 0.0009 - - - - - - - - - -
7.3990 307000 0.0009 - - - - - - - - - -
7.4111 307500 0.0009 - - - - - - - - - -
7.4231 308000 0.0009 0.0009 -0.11952459 0.9179 -0.15516576 0.7982 -0.1122838 0.9405 -0.10183045 0.9677 0.8054
7.4352 308500 0.0009 - - - - - - - - - -
7.4472 309000 0.0009 - - - - - - - - - -
7.4593 309500 0.0009 - - - - - - - - - -
7.4713 310000 0.0009 0.0009 -0.119552776 0.9178 -0.1553523 0.7979 -0.11226363 0.9412 -0.10167157 0.9679 0.8072
7.4834 310500 0.0009 - - - - - - - - - -
7.4954 311000 0.0009 - - - - - - - - - -
7.5075 311500 0.0009 - - - - - - - - - -
7.5195 312000 0.0009 0.0009 -0.119648755 0.9179 -0.15523389 0.7979 -0.11236003 0.9415 -0.10171616 0.9677 0.8034
7.5316 312500 0.0009 - - - - - - - - - -
7.5436 313000 0.0009 - - - - - - - - - -
7.5557 313500 0.0009 - - - - - - - - - -
7.5677 314000 0.0009 0.0009 -0.119454876 0.9178 -0.155044 0.7979 -0.11212282 0.9416 -0.10165443 0.9673 0.8041
7.5798 314500 0.0009 - - - - - - - - - -
7.5918 315000 0.0009 - - - - - - - - - -
7.6039 315500 0.0009 - - - - - - - - - -
7.6159 316000 0.0009 0.0009 -0.11941844 0.9183 -0.15511592 0.7989 -0.11211081 0.9410 -0.10159536 0.9677 0.8039
7.6280 316500 0.0009 - - - - - - - - - -
7.6400 317000 0.0009 - - - - - - - - - -
7.6521 317500 0.0009 - - - - - - - - - -
7.6641 318000 0.0009 0.0009 -0.119426034 0.9184 -0.15516083 0.7989 -0.11215276 0.9412 -0.1015913 0.9679 0.8062
7.6762 318500 0.0009 - - - - - - - - - -
7.6882 319000 0.0009 - - - - - - - - - -
7.7003 319500 0.0009 - - - - - - - - - -
7.7123 320000 0.0009 0.0009 -0.119253084 0.9187 -0.15501247 0.7990 -0.11199738 0.9410 -0.101418674 0.9676 0.8050
7.7244 320500 0.0009 - - - - - - - - - -
7.7364 321000 0.0009 - - - - - - - - - -
7.7485 321500 0.0009 - - - - - - - - - -
7.7605 322000 0.0009 0.0009 -0.11922525 0.9184 -0.15498535 0.7986 -0.11194892 0.9413 -0.10143363 0.9675 0.8031
7.7726 322500 0.0009 - - - - - - - - - -
7.7846 323000 0.0009 - - - - - - - - - -
7.7967 323500 0.0009 - - - - - - - - - -
7.8087 324000 0.0009 0.0009 -0.11920707 0.9188 -0.15494597 0.7991 -0.111885905 0.9410 -0.101413146 0.9678 0.8064
7.8208 324500 0.0009 - - - - - - - - - -
7.8328 325000 0.0009 - - - - - - - - - -
7.8449 325500 0.0009 - - - - - - - - - -
7.8569 326000 0.0009 0.0009 -0.11921092 0.9182 -0.1549173 0.7984 -0.11192745 0.9414 -0.101370506 0.9678 0.8079
7.8690 326500 0.0009 - - - - - - - - - -
7.8810 327000 0.0009 - - - - - - - - - -
7.8931 327500 0.0009 - - - - - - - - - -
7.9051 328000 0.0009 0.0009 -0.1191081 0.9184 -0.15484504 0.7993 -0.11179594 0.9413 -0.10126881 0.9679 0.8076
7.9172 328500 0.0009 - - - - - - - - - -
7.9293 329000 0.0009 - - - - - - - - - -
7.9413 329500 0.0009 - - - - - - - - - -
7.9534 330000 0.0009 0.0009 -0.11908747 0.9187 -0.15486006 0.7994 -0.111803986 0.9413 -0.101246744 0.9679 0.8068
7.9654 330500 0.0009 - - - - - - - - - -
7.9775 331000 0.0009 - - - - - - - - - -
7.9895 331500 0.0009 - - - - - - - - - -

Framework Versions

  • Python: 3.10.16
  • Sentence Transformers: 3.3.1
  • Transformers: 4.48.0
  • PyTorch: 2.5.1+cu124
  • Accelerate: 1.2.1
  • Datasets: 3.2.0
  • Tokenizers: 0.21.0

Citation

BibTeX

Sentence Transformers

@inproceedings{reimers-2019-sentence-bert,
    title = "Sentence-BERT: Sentence Embeddings using Siamese BERT-Networks",
    author = "Reimers, Nils and Gurevych, Iryna",
    booktitle = "Proceedings of the 2019 Conference on Empirical Methods in Natural Language Processing",
    month = "11",
    year = "2019",
    publisher = "Association for Computational Linguistics",
    url = "https://arxiv.org/abs/1908.10084",
}

MSELoss

@inproceedings{reimers-2020-multilingual-sentence-bert,
    title = "Making Monolingual Sentence Embeddings Multilingual using Knowledge Distillation",
    author = "Reimers, Nils and Gurevych, Iryna",
    booktitle = "Proceedings of the 2020 Conference on Empirical Methods in Natural Language Processing",
    month = "11",
    year = "2020",
    publisher = "Association for Computational Linguistics",
    url = "https://arxiv.org/abs/2004.09813",
}
Downloads last month
18
Safetensors
Model size
41.7M params
Tensor type
F32
·
Inference Providers NEW
This model is not currently available via any of the supported Inference Providers.

Model tree for jvanhoof/all-MiniLM-L6-v2-ja-tier-0

Finetuned
(260)
this model

Evaluation results