acayir64's picture
Upload folder using huggingface_hub
6ba35db verified
|
raw
history blame
102 kB
metadata
language: []
library_name: sentence-transformers
tags:
  - sentence-transformers
  - sentence-similarity
  - feature-extraction
  - generated_from_trainer
  - dataset_size:314315
  - loss:MultipleNegativesRankingLoss
base_model: sentence-transformers/paraphrase-multilingual-MiniLM-L12-v2
datasets: []
widget:
  - source_sentence: هل يمكن ان يكون هذا من شأنه؟ هل يمكن ان يكون كذلك؟
    sentences:
      - امرأة تقرأ من كتاب بينما الرجل يشاهد
      - رجال يرتدون قمصان بيضاء يلعبون في الحديقة
      - الناس بالخارج
  - source_sentence: امرأة باللون الأسود، تُرى من الخلف، جالسة بجانب مجرى المياه.
    sentences:
      - امرأة تجلس بالخارج
      - الرجل يعزف الكمان.
      - رجل يحمل سيجارة
  - source_sentence: شخص يرتدي اللون الأحمر والأسود خارج جدار متصدع.
    sentences:
      - شخص يرتدي الأحمر والأسود بالقرب من الجدار
      - فتاة يديها في حوض الاستحمام
      - رجل يجلس على كرسي الحديقة
  - source_sentence: رجل يقرأ جريدة في وكالة بيع السيارات
    sentences:
      - رجل في وكالة السيارات
      - زوج من المبارزين يتدربون معاً
      - الرجل يجلس على الطاولة
  - source_sentence: >-
      امرأتان ورجل في سيارة رياضية حمراء قابلة للتحويل أمام مجموعة كبيرة من
      الناس على الرصيف
    sentences:
      - اللاعب يأمل في تسجيل هدف
      - امرأتين في سيارة مع رجل
      - فتاة تحمل فرشاة أسنان
pipeline_tag: sentence-similarity

SentenceTransformer based on sentence-transformers/paraphrase-multilingual-MiniLM-L12-v2

This is a sentence-transformers model finetuned from sentence-transformers/paraphrase-multilingual-MiniLM-L12-v2 on the Omartificial-Intelligence-Space/arabic-n_li-pair dataset. 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 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})
)

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 = [
    'امرأتان ورجل في سيارة رياضية حمراء قابلة للتحويل أمام مجموعة كبيرة من الناس على الرصيف',
    'امرأتين في سيارة مع رجل',
    'فتاة تحمل فرشاة أسنان',
]
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]

Training Details

Training Dataset

Omartificial-Intelligence-Space/arabic-n_li-pair

  • Dataset: Omartificial-Intelligence-Space/arabic-n_li-pair
  • Size: 314,315 training samples
  • Columns: anchor and positive
  • Approximate statistics based on the first 1000 samples:
    anchor positive
    type string string
    details
    • min: 7 tokens
    • mean: 20.8 tokens
    • max: 73 tokens
    • min: 4 tokens
    • mean: 10.03 tokens
    • max: 40 tokens
  • Samples:
    anchor positive
    شخص على حصان يقفز فوق طائرة معطلة شخص في الهواء الطلق، على حصان.
    أطفال يبتسمون و يلوحون للكاميرا هناك أطفال حاضرون
    صبي يقفز على لوح التزلج في منتصف الجسر الأحمر. الفتى يقوم بخدعة التزلج
  • Loss: MultipleNegativesRankingLoss with these parameters:
    {
        "scale": 20.0,
        "similarity_fct": "cos_sim"
    }
    

Evaluation Dataset

Omartificial-Intelligence-Space/arabic-n_li-pair

  • Dataset: Omartificial-Intelligence-Space/arabic-n_li-pair
  • Size: 6,808 evaluation samples
  • Columns: anchor and positive
  • Approximate statistics based on the first 1000 samples:
    anchor positive
    type string string
    details
    • min: 6 tokens
    • mean: 21.85 tokens
    • max: 103 tokens
    • min: 4 tokens
    • mean: 10.2 tokens
    • max: 46 tokens
  • Samples:
    anchor positive
    امرأتان يتعانقان بينما يحملان حزمة إمرأتان يحملان حزمة
    طفلين صغيرين يرتديان قميصاً أزرق، أحدهما يرتدي الرقم 9 والآخر يرتدي الرقم 2 يقفان على خطوات خشبية في الحمام ويغسلان أيديهما في المغسلة. طفلين يرتديان قميصاً مرقماً يغسلون أيديهم
    رجل يبيع الدونات لعميل خلال معرض عالمي أقيم في مدينة أنجليس رجل يبيع الدونات لعميل
  • Loss: MultipleNegativesRankingLoss with these parameters:
    {
        "scale": 20.0,
        "similarity_fct": "cos_sim"
    }
    

Training Hyperparameters

Non-Default Hyperparameters

  • eval_strategy: epoch
  • per_device_train_batch_size: 32
  • per_device_eval_batch_size: 64
  • learning_rate: 2e-05
  • num_train_epochs: 5
  • warmup_ratio: 0.1
  • fp16: True
  • load_best_model_at_end: True
  • ddp_find_unused_parameters: False

All Hyperparameters

Click to expand
  • overwrite_output_dir: False
  • do_predict: False
  • eval_strategy: epoch
  • prediction_loss_only: True
  • per_device_train_batch_size: 32
  • per_device_eval_batch_size: 64
  • per_gpu_train_batch_size: None
  • per_gpu_eval_batch_size: None
  • gradient_accumulation_steps: 1
  • eval_accumulation_steps: None
  • learning_rate: 2e-05
  • weight_decay: 0.0
  • adam_beta1: 0.9
  • adam_beta2: 0.999
  • adam_epsilon: 1e-08
  • max_grad_norm: 1.0
  • num_train_epochs: 5
  • max_steps: -1
  • lr_scheduler_type: linear
  • lr_scheduler_kwargs: {}
  • warmup_ratio: 0.1
  • 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: False
  • fp16: True
  • 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: 0
  • dataloader_prefetch_factor: None
  • past_index: -1
  • disable_tqdm: False
  • remove_unused_columns: True
  • label_names: None
  • load_best_model_at_end: True
  • 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: False
  • 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: False
  • hub_always_push: False
  • gradient_checkpointing: False
  • gradient_checkpointing_kwargs: None
  • include_inputs_for_metrics: False
  • 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
  • batch_sampler: batch_sampler
  • multi_dataset_batch_sampler: proportional

Training Logs

Click to expand
Epoch Step Training Loss loss
0.0025 25 0.3458 -
0.0051 50 0.3213 -
0.0076 75 0.3414 -
0.0102 100 0.3622 -
0.0127 125 0.3607 -
0.0153 150 0.3514 -
0.0178 175 0.2282 -
0.0204 200 0.2781 -
0.0229 225 0.3206 -
0.0255 250 0.3592 -
0.0280 275 0.2837 -
0.0305 300 0.2227 -
0.0331 325 0.3072 -
0.0356 350 0.3487 -
0.0382 375 0.2439 -
0.0407 400 0.291 -
0.0433 425 0.2325 -
0.0458 450 0.3068 -
0.0484 475 0.3268 -
0.0509 500 0.2973 -
0.0534 525 0.3116 -
0.0560 550 0.2543 -
0.0585 575 0.2747 -
0.0611 600 0.2809 -
0.0636 625 0.3561 -
0.0662 650 0.2683 -
0.0687 675 0.249 -
0.0713 700 0.2482 -
0.0738 725 0.3015 -
0.0764 750 0.2422 -
0.0789 775 0.259 -
0.0814 800 0.2565 -
0.0840 825 0.254 -
0.0865 850 0.2366 -
0.0891 875 0.2805 -
0.0916 900 0.2881 -
0.0942 925 0.2424 -
0.0967 950 0.2342 -
0.0993 975 0.2036 -
0.1018 1000 0.2432 -
0.1043 1025 0.2782 -
0.1069 1050 0.2303 -
0.1094 1075 0.2418 -
0.1120 1100 0.1989 -
0.1145 1125 0.2189 -
0.1171 1150 0.2295 -
0.1196 1175 0.1583 -
0.1222 1200 0.2247 -
0.1247 1225 0.2127 -
0.1273 1250 0.2244 -
0.1298 1275 0.2218 -
0.1323 1300 0.2489 -
0.1349 1325 0.1778 -
0.1374 1350 0.2243 -
0.1400 1375 0.2063 -
0.1425 1400 0.2187 -
0.1451 1425 0.204 -
0.1476 1450 0.2039 -
0.1502 1475 0.2186 -
0.1527 1500 0.2352 -
0.1552 1525 0.2578 -
0.1578 1550 0.2047 -
0.1603 1575 0.1833 -
0.1629 1600 0.2564 -
0.1654 1625 0.2021 -
0.1680 1650 0.1901 -
0.1705 1675 0.2183 -
0.1731 1700 0.1661 -
0.1756 1725 0.1797 -
0.1782 1750 0.2105 -
0.1807 1775 0.2214 -
0.1832 1800 0.2475 -
0.1858 1825 0.2395 -
0.1883 1850 0.1911 -
0.1909 1875 0.1588 -
0.1934 1900 0.2358 -
0.1960 1925 0.1773 -
0.1985 1950 0.2347 -
0.2011 1975 0.188 -
0.2036 2000 0.1925 -
0.2061 2025 0.191 -
0.2087 2050 0.2032 -
0.2112 2075 0.1787 -
0.2138 2100 0.2327 -
0.2163 2125 0.196 -
0.2189 2150 0.1945 -
0.2214 2175 0.1918 -
0.2240 2200 0.2011 -
0.2265 2225 0.1711 -
0.2291 2250 0.2687 -
0.2316 2275 0.1998 -
0.2341 2300 0.1604 -
0.2367 2325 0.1871 -
0.2392 2350 0.273 -
0.2418 2375 0.2405 -
0.2443 2400 0.2212 -
0.2469 2425 0.2293 -
0.2494 2450 0.1887 -
0.2520 2475 0.233 -
0.2545 2500 0.1761 -
0.2570 2525 0.2103 -
0.2596 2550 0.2042 -
0.2621 2575 0.1831 -
0.2647 2600 0.2006 -
0.2672 2625 0.1801 -
0.2698 2650 0.1625 -
0.2723 2675 0.1741 -
0.2749 2700 0.2158 -
0.2774 2725 0.2246 -
0.2800 2750 0.1823 -
0.2825 2775 0.1484 -
0.2850 2800 0.1743 -
0.2876 2825 0.2208 -
0.2901 2850 0.1441 -
0.2927 2875 0.1998 -
0.2952 2900 0.2111 -
0.2978 2925 0.1657 -
0.3003 2950 0.2189 -
0.3029 2975 0.203 -
0.3054 3000 0.1789 -
0.3080 3025 0.1435 -
0.3105 3050 0.1727 -
0.3130 3075 0.2045 -
0.3156 3100 0.2143 -
0.3181 3125 0.1971 -
0.3207 3150 0.2121 -
0.3232 3175 0.183 -
0.3258 3200 0.2471 -
0.3283 3225 0.1714 -
0.3309 3250 0.1689 -
0.3334 3275 0.1817 -
0.3359 3300 0.1616 -
0.3385 3325 0.152 -
0.3410 3350 0.1619 -
0.3436 3375 0.1881 -
0.3461 3400 0.1974 -
0.3487 3425 0.1609 -
0.3512 3450 0.185 -
0.3538 3475 0.1459 -
0.3563 3500 0.1896 -
0.3589 3525 0.1944 -
0.3614 3550 0.2766 -
0.3639 3575 0.166 -
0.3665 3600 0.1889 -
0.3690 3625 0.1586 -
0.3716 3650 0.1832 -
0.3741 3675 0.15 -
0.3767 3700 0.2203 -
0.3792 3725 0.1409 -
0.3818 3750 0.157 -
0.3843 3775 0.2132 -
0.3868 3800 0.1653 -
0.3894 3825 0.2345 -
0.3919 3850 0.171 -
0.3945 3875 0.1914 -
0.3970 3900 0.1674 -
0.3996 3925 0.2075 -
0.4021 3950 0.1706 -
0.4047 3975 0.1797 -
0.4072 4000 0.2039 -
0.4098 4025 0.1719 -
0.4123 4050 0.1802 -
0.4148 4075 0.1495 -
0.4174 4100 0.1765 -
0.4199 4125 0.2024 -
0.4225 4150 0.2391 -
0.4250 4175 0.1881 -
0.4276 4200 0.1537 -
0.4301 4225 0.1573 -
0.4327 4250 0.1619 -
0.4352 4275 0.1827 -
0.4377 4300 0.1722 -
0.4403 4325 0.138 -
0.4428 4350 0.1826 -
0.4454 4375 0.1447 -
0.4479 4400 0.1745 -
0.4505 4425 0.1308 -
0.4530 4450 0.2061 -
0.4556 4475 0.1735 -
0.4581 4500 0.1937 -
0.4607 4525 0.1794 -
0.4632 4550 0.2055 -
0.4657 4575 0.1835 -
0.4683 4600 0.1597 -
0.4708 4625 0.1608 -
0.4734 4650 0.1653 -
0.4759 4675 0.1526 -
0.4785 4700 0.1507 -
0.4810 4725 0.1571 -
0.4836 4750 0.2194 -
0.4861 4775 0.1781 -
0.4886 4800 0.1745 -
0.4912 4825 0.1348 -
0.4937 4850 0.2164 -
0.4963 4875 0.1724 -
0.4988 4900 0.1563 -
0.5014 4925 0.2448 -
0.5039 4950 0.1796 -
0.5065 4975 0.1541 -
0.5090 5000 0.1906 -
0.5116 5025 0.1822 -
0.5141 5050 0.1778 -
0.5166 5075 0.1741 -
0.5192 5100 0.2008 -
0.5217 5125 0.1857 -
0.5243 5150 0.1966 -
0.5268 5175 0.1868 -
0.5294 5200 0.1607 -
0.5319 5225 0.1793 -
0.5345 5250 0.173 -
0.5370 5275 0.1564 -
0.5396 5300 0.1681 -
0.5421 5325 0.2074 -
0.5446 5350 0.208 -
0.5472 5375 0.1809 -
0.5497 5400 0.1548 -
0.5523 5425 0.1755 -
0.5548 5450 0.1891 -
0.5574 5475 0.1569 -
0.5599 5500 0.1599 -
0.5625 5525 0.1919 -
0.5650 5550 0.1901 -
0.5675 5575 0.1736 -
0.5701 5600 0.1477 -
0.5726 5625 0.189 -
0.5752 5650 0.2132 -
0.5777 5675 0.1636 -
0.5803 5700 0.1592 -
0.5828 5725 0.1607 -
0.5854 5750 0.1978 -
0.5879 5775 0.1954 -
0.5905 5800 0.1457 -
0.5930 5825 0.1229 -
0.5955 5850 0.1644 -
0.5981 5875 0.1804 -
0.6006 5900 0.1697 -
0.6032 5925 0.1828 -
0.6057 5950 0.1476 -
0.6083 5975 0.1765 -
0.6108 6000 0.1937 -
0.6134 6025 0.1737 -
0.6159 6050 0.1403 -
0.6184 6075 0.1869 -
0.6210 6100 0.17 -
0.6235 6125 0.1534 -
0.6261 6150 0.1778 -
0.6286 6175 0.1741 -
0.6312 6200 0.1622 -
0.6337 6225 0.2172 -
0.6363 6250 0.1618 -
0.6388 6275 0.1973 -
0.6414 6300 0.1896 -
0.6439 6325 0.1766 -
0.6464 6350 0.1692 -
0.6490 6375 0.1687 -
0.6515 6400 0.1635 -
0.6541 6425 0.1625 -
0.6566 6450 0.1532 -
0.6592 6475 0.1668 -
0.6617 6500 0.1869 -
0.6643 6525 0.1891 -
0.6668 6550 0.1914 -
0.6693 6575 0.1951 -
0.6719 6600 0.1453 -
0.6744 6625 0.1671 -
0.6770 6650 0.1527 -
0.6795 6675 0.1945 -
0.6821 6700 0.1575 -
0.6846 6725 0.1633 -
0.6872 6750 0.1672 -
0.6897 6775 0.1768 -
0.6923 6800 0.1957 -
0.6948 6825 0.1427 -
0.6973 6850 0.1333 -
0.6999 6875 0.1457 -
0.7024 6900 0.1821 -
0.7050 6925 0.1419 -
0.7075 6950 0.1687 -
0.7101 6975 0.2075 -
0.7126 7000 0.1931 -
0.7152 7025 0.1519 -
0.7177 7050 0.135 -
0.7202 7075 0.1467 -
0.7228 7100 0.2012 -
0.7253 7125 0.1632 -
0.7279 7150 0.1581 -
0.7304 7175 0.1336 -
0.7330 7200 0.1555 -
0.7355 7225 0.1901 -
0.7381 7250 0.1602 -
0.7406 7275 0.1987 -
0.7432 7300 0.1757 -
0.7457 7325 0.1622 -
0.7482 7350 0.1402 -
0.7508 7375 0.1463 -
0.7533 7400 0.1683 -
0.7559 7425 0.1813 -
0.7584 7450 0.137 -
0.7610 7475 0.1778 -
0.7635 7500 0.1876 -
0.7661 7525 0.151 -
0.7686 7550 0.1672 -
0.7711 7575 0.119 -
0.7737 7600 0.1732 -
0.7762 7625 0.1328 -
0.7788 7650 0.1857 -
0.7813 7675 0.1954 -
0.7839 7700 0.1599 -
0.7864 7725 0.1917 -
0.7890 7750 0.1735 -
0.7915 7775 0.158 -
0.7941 7800 0.1422 -
0.7966 7825 0.1841 -
0.7991 7850 0.1473 -
0.8017 7875 0.1494 -
0.8042 7900 0.1657 -
0.8068 7925 0.1637 -
0.8093 7950 0.1618 -
0.8119 7975 0.1896 -
0.8144 8000 0.1893 -
0.8170 8025 0.2058 -
0.8195 8050 0.1796 -
0.8221 8075 0.1906 -
0.8246 8100 0.1581 -
0.8271 8125 0.1871 -
0.8297 8150 0.1231 -
0.8322 8175 0.2116 -
0.8348 8200 0.1809 -
0.8373 8225 0.1456 -
0.8399 8250 0.1526 -
0.8424 8275 0.1698 -
0.8450 8300 0.1893 -
0.8475 8325 0.1755 -
0.8500 8350 0.1748 -
0.8526 8375 0.172 -
0.8551 8400 0.1222 -
0.8577 8425 0.1604 -
0.8602 8450 0.1862 -
0.8628 8475 0.1848 -
0.8653 8500 0.1445 -
0.8679 8525 0.1686 -
0.8704 8550 0.1835 -
0.8730 8575 0.1464 -
0.8755 8600 0.187 -
0.8780 8625 0.1457 -
0.8806 8650 0.1535 -
0.8831 8675 0.1457 -
0.8857 8700 0.1417 -
0.8882 8725 0.1428 -
0.8908 8750 0.1764 -
0.8933 8775 0.1454 -
0.8959 8800 0.2102 -
0.8984 8825 0.1703 -
0.9009 8850 0.1503 -
0.9035 8875 0.1741 -
0.9060 8900 0.1608 -
0.9086 8925 0.1881 -
0.9111 8950 0.1739 -
0.9137 8975 0.1314 -
0.9162 9000 0.1516 -
0.9188 9025 0.1486 -
0.9213 9050 0.1222 -
0.9239 9075 0.2115 -
0.9264 9100 0.1607 -
0.9289 9125 0.1259 -
0.9315 9150 0.1885 -
0.9340 9175 0.1819 -
0.9366 9200 0.1732 -
0.9391 9225 0.1635 -
0.9417 9250 0.1896 -
0.9442 9275 0.1402 -
0.9468 9300 0.1247 -
0.9493 9325 0.1337 -
0.9518 9350 0.1447 -
0.9544 9375 0.1978 -
0.9569 9400 0.1773 -
0.9595 9425 0.185 -
0.9620 9450 0.1906 -
0.9646 9475 0.1606 -
0.9671 9500 0.1815 -
0.9697 9525 0.1642 -
0.9722 9550 0.1785 -
0.9748 9575 0.1578 -
0.9773 9600 0.1341 -
0.9798 9625 0.1381 -
0.9824 9650 0.1397 -
0.9849 9675 0.1547 -
0.9875 9700 0.1801 -
0.9900 9725 0.1419 -
0.9926 9750 0.1665 -
0.9951 9775 0.1535 -
0.9977 9800 0.1482 -
1.0 9823 - 0.1016
1.0002 9825 0.0948 -
1.0027 9850 0.1329 -
1.0053 9875 0.1203 -
1.0078 9900 0.1418 -
1.0104 9925 0.1122 -
1.0129 9950 0.1192 -
1.0155 9975 0.0988 -
1.0180 10000 0.1295 -
1.0206 10025 0.1348 -
1.0231 10050 0.1333 -
1.0257 10075 0.1693 -
1.0282 10100 0.0902 -
1.0307 10125 0.1196 -
1.0333 10150 0.1624 -
1.0358 10175 0.1308 -
1.0384 10200 0.1226 -
1.0409 10225 0.1049 -
1.0435 10250 0.1377 -
1.0460 10275 0.1183 -
1.0486 10300 0.1262 -
1.0511 10325 0.1159 -
1.0536 10350 0.1545 -
1.0562 10375 0.1602 -
1.0587 10400 0.1373 -
1.0613 10425 0.1503 -
1.0638 10450 0.1787 -
1.0664 10475 0.1642 -
1.0689 10500 0.1128 -
1.0715 10525 0.1206 -
1.0740 10550 0.1176 -
1.0766 10575 0.1531 -
1.0791 10600 0.1371 -
1.0816 10625 0.1588 -
1.0842 10650 0.1445 -
1.0867 10675 0.1113 -
1.0893 10700 0.1347 -
1.0918 10725 0.1546 -
1.0944 10750 0.1687 -
1.0969 10775 0.1446 -
1.0995 10800 0.1295 -
1.1020 10825 0.1218 -
1.1046 10850 0.1201 -
1.1071 10875 0.1475 -
1.1096 10900 0.1278 -
1.1122 10925 0.1655 -
1.1147 10950 0.134 -
1.1173 10975 0.1174 -
1.1198 11000 0.1559 -
1.1224 11025 0.1276 -
1.1249 11050 0.1026 -
1.1275 11075 0.1386 -
1.1300 11100 0.1558 -
1.1325 11125 0.1428 -
1.1351 11150 0.1838 -
1.1376 11175 0.0894 -
1.1402 11200 0.125 -
1.1427 11225 0.1509 -
1.1453 11250 0.1359 -
1.1478 11275 0.1086 -
1.1504 11300 0.1361 -
1.1529 11325 0.0929 -
1.1555 11350 0.1291 -
1.1580 11375 0.0942 -
1.1605 11400 0.1658 -
1.1631 11425 0.1238 -
1.1656 11450 0.143 -
1.1682 11475 0.1232 -
1.1707 11500 0.1253 -
1.1733 11525 0.1415 -
1.1758 11550 0.1451 -
1.1784 11575 0.1371 -
1.1809 11600 0.1172 -
1.1834 11625 0.1409 -
1.1860 11650 0.1197 -
1.1885 11675 0.1384 -
1.1911 11700 0.1053 -
1.1936 11725 0.1402 -
1.1962 11750 0.1094 -
1.1987 11775 0.1301 -
1.2013 11800 0.1302 -
1.2038 11825 0.1111 -
1.2064 11850 0.1131 -
1.2089 11875 0.1303 -
1.2114 11900 0.1298 -
1.2140 11925 0.1426 -
1.2165 11950 0.1437 -
1.2191 11975 0.1301 -
1.2216 12000 0.1209 -
1.2242 12025 0.1203 -
1.2267 12050 0.1393 -
1.2293 12075 0.1442 -
1.2318 12100 0.1376 -
1.2343 12125 0.1278 -
1.2369 12150 0.1118 -
1.2394 12175 0.1169 -
1.2420 12200 0.1234 -
1.2445 12225 0.1482 -
1.2471 12250 0.1398 -
1.2496 12275 0.1433 -
1.2522 12300 0.1128 -
1.2547 12325 0.1636 -
1.2573 12350 0.1722 -
1.2598 12375 0.1421 -
1.2623 12400 0.1413 -
1.2649 12425 0.142 -
1.2674 12450 0.1528 -
1.2700 12475 0.13 -
1.2725 12500 0.1355 -
1.2751 12525 0.1 -
1.2776 12550 0.1435 -
1.2802 12575 0.1381 -
1.2827 12600 0.127 -
1.2852 12625 0.1345 -
1.2878 12650 0.1195 -
1.2903 12675 0.0898 -
1.2929 12700 0.1683 -
1.2954 12725 0.1517 -
1.2980 12750 0.1627 -
1.3005 12775 0.1247 -
1.3031 12800 0.1421 -
1.3056 12825 0.1499 -
1.3082 12850 0.1329 -
1.3107 12875 0.1182 -
1.3132 12900 0.1256 -
1.3158 12925 0.1173 -
1.3183 12950 0.1328 -
1.3209 12975 0.1315 -
1.3234 13000 0.1224 -
1.3260 13025 0.1203 -
1.3285 13050 0.1319 -
1.3311 13075 0.1272 -
1.3336 13100 0.1759 -
1.3361 13125 0.1174 -
1.3387 13150 0.1042 -
1.3412 13175 0.1399 -
1.3438 13200 0.1133 -
1.3463 13225 0.1199 -
1.3489 13250 0.1066 -
1.3514 13275 0.153 -
1.3540 13300 0.1267 -
1.3565 13325 0.1227 -
1.3591 13350 0.1384 -
1.3616 13375 0.1268 -
1.3641 13400 0.1095 -
1.3667 13425 0.168 -
1.3692 13450 0.1334 -
1.3718 13475 0.085 -
1.3743 13500 0.135 -
1.3769 13525 0.1172 -
1.3794 13550 0.1344 -
1.3820 13575 0.1608 -
1.3845 13600 0.1453 -
1.3871 13625 0.1446 -
1.3896 13650 0.1304 -
1.3921 13675 0.1467 -
1.3947 13700 0.0788 -
1.3972 13725 0.1546 -
1.3998 13750 0.0995 -
1.4023 13775 0.1381 -
1.4049 13800 0.1514 -
1.4074 13825 0.1678 -
1.4100 13850 0.1329 -
1.4125 13875 0.1137 -
1.4150 13900 0.1353 -
1.4176 13925 0.1347 -
1.4201 13950 0.0968 -
1.4227 13975 0.1162 -
1.4252 14000 0.1213 -
1.4278 14025 0.1339 -
1.4303 14050 0.1296 -
1.4329 14075 0.1447 -
1.4354 14100 0.1256 -
1.4380 14125 0.1325 -
1.4405 14150 0.1258 -
1.4430 14175 0.1295 -
1.4456 14200 0.1533 -
1.4481 14225 0.1188 -
1.4507 14250 0.1273 -
1.4532 14275 0.1291 -
1.4558 14300 0.1534 -
1.4583 14325 0.1256 -
1.4609 14350 0.1317 -
1.4634 14375 0.1729 -
1.4659 14400 0.1498 -
1.4685 14425 0.113 -
1.4710 14450 0.1169 -
1.4736 14475 0.1429 -
1.4761 14500 0.1178 -
1.4787 14525 0.1333 -
1.4812 14550 0.1247 -
1.4838 14575 0.08 -
1.4863 14600 0.107 -
1.4889 14625 0.126 -
1.4914 14650 0.1206 -
1.4939 14675 0.1353 -
1.4965 14700 0.1401 -
1.4990 14725 0.1244 -
1.5016 14750 0.127 -
1.5041 14775 0.1174 -
1.5067 14800 0.1155 -
1.5092 14825 0.1682 -
1.5118 14850 0.1423 -
1.5143 14875 0.1285 -
1.5168 14900 0.108 -
1.5194 14925 0.1085 -
1.5219 14950 0.1202 -
1.5245 14975 0.1306 -
1.5270 15000 0.1391 -
1.5296 15025 0.1483 -
1.5321 15050 0.1047 -
1.5347 15075 0.1181 -
1.5372 15100 0.118 -
1.5398 15125 0.1248 -
1.5423 15150 0.1114 -
1.5448 15175 0.1162 -
1.5474 15200 0.1618 -
1.5499 15225 0.1624 -
1.5525 15250 0.1109 -
1.5550 15275 0.1333 -
1.5576 15300 0.1386 -
1.5601 15325 0.1179 -
1.5627 15350 0.16 -
1.5652 15375 0.1053 -
1.5677 15400 0.1121 -
1.5703 15425 0.112 -
1.5728 15450 0.1433 -
1.5754 15475 0.1068 -
1.5779 15500 0.151 -
1.5805 15525 0.1137 -
1.5830 15550 0.1045 -
1.5856 15575 0.1014 -
1.5881 15600 0.1102 -
1.5907 15625 0.1446 -
1.5932 15650 0.098 -
1.5957 15675 0.1312 -
1.5983 15700 0.108 -
1.6008 15725 0.1321 -
1.6034 15750 0.1454 -
1.6059 15775 0.1119 -
1.6085 15800 0.1152 -
1.6110 15825 0.0935 -
1.6136 15850 0.1604 -
1.6161 15875 0.1198 -
1.6187 15900 0.1409 -
1.6212 15925 0.0972 -
1.6237 15950 0.1041 -
1.6263 15975 0.1215 -
1.6288 16000 0.1569 -
1.6314 16025 0.1169 -
1.6339 16050 0.112 -
1.6365 16075 0.1441 -
1.6390 16100 0.0963 -
1.6416 16125 0.1392 -
1.6441 16150 0.1349 -
1.6466 16175 0.1563 -
1.6492 16200 0.1232 -
1.6517 16225 0.1227 -
1.6543 16250 0.0974 -
1.6568 16275 0.1188 -
1.6594 16300 0.0956 -
1.6619 16325 0.1065 -
1.6645 16350 0.1578 -
1.6670 16375 0.0992 -
1.6696 16400 0.119 -
1.6721 16425 0.1349 -
1.6746 16450 0.1392 -
1.6772 16475 0.1405 -
1.6797 16500 0.1204 -
1.6823 16525 0.1483 -
1.6848 16550 0.1192 -
1.6874 16575 0.1044 -
1.6899 16600 0.1418 -
1.6925 16625 0.1299 -
1.6950 16650 0.1225 -
1.6975 16675 0.1487 -
1.7001 16700 0.0988 -
1.7026 16725 0.1137 -
1.7052 16750 0.104 -
1.7077 16775 0.1038 -
1.7103 16800 0.1447 -
1.7128 16825 0.1125 -
1.7154 16850 0.0814 -
1.7179 16875 0.1414 -
1.7205 16900 0.1473 -
1.7230 16925 0.1017 -
1.7255 16950 0.1454 -
1.7281 16975 0.117 -
1.7306 17000 0.0905 -
1.7332 17025 0.1017 -
1.7357 17050 0.1295 -
1.7383 17075 0.1057 -
1.7408 17100 0.1048 -
1.7434 17125 0.1083 -
1.7459 17150 0.1393 -
1.7484 17175 0.1097 -
1.7510 17200 0.1335 -
1.7535 17225 0.1182 -
1.7561 17250 0.1103 -
1.7586 17275 0.1399 -
1.7612 17300 0.1057 -
1.7637 17325 0.1112 -
1.7663 17350 0.1282 -
1.7688 17375 0.1056 -
1.7714 17400 0.0953 -
1.7739 17425 0.1086 -
1.7764 17450 0.1209 -
1.7790 17475 0.1062 -
1.7815 17500 0.1279 -
1.7841 17525 0.1199 -
1.7866 17550 0.1176 -
1.7892 17575 0.0957 -
1.7917 17600 0.0978 -
1.7943 17625 0.1244 -
1.7968 17650 0.1163 -
1.7993 17675 0.1512 -
1.8019 17700 0.1373 -
1.8044 17725 0.1315 -
1.8070 17750 0.1205 -
1.8095 17775 0.1095 -
1.8121 17800 0.1442 -
1.8146 17825 0.1126 -
1.8172 17850 0.1166 -
1.8197 17875 0.1038 -
1.8223 17900 0.1669 -
1.8248 17925 0.1639 -
1.8273 17950 0.1279 -
1.8299 17975 0.1571 -
1.8324 18000 0.1268 -
1.8350 18025 0.1148 -
1.8375 18050 0.1484 -
1.8401 18075 0.1509 -
1.8426 18100 0.1158 -
1.8452 18125 0.1092 -
1.8477 18150 0.0942 -
1.8502 18175 0.1146 -
1.8528 18200 0.1386 -
1.8553 18225 0.1316 -
1.8579 18250 0.13 -
1.8604 18275 0.0977 -
1.8630 18300 0.1599 -
1.8655 18325 0.094 -
1.8681 18350 0.0993 -
1.8706 18375 0.1357 -
1.8732 18400 0.109 -
1.8757 18425 0.1133 -
1.8782 18450 0.1429 -
1.8808 18475 0.1547 -
1.8833 18500 0.1347 -
1.8859 18525 0.0954 -
1.8884 18550 0.1444 -
1.8910 18575 0.1367 -
1.8935 18600 0.1292 -
1.8961 18625 0.0942 -
1.8986 18650 0.1263 -
1.9012 18675 0.1237 -
1.9037 18700 0.1126 -
1.9062 18725 0.112 -
1.9088 18750 0.1209 -
1.9113 18775 0.103 -
1.9139 18800 0.0819 -
1.9164 18825 0.1688 -
1.9190 18850 0.1095 -
1.9215 18875 0.1251 -
1.9241 18900 0.1163 -
1.9266 18925 0.1449 -
1.9291 18950 0.1331 -
1.9317 18975 0.1345 -
1.9342 19000 0.1184 -
1.9368 19025 0.1287 -
1.9393 19050 0.1298 -
1.9419 19075 0.0996 -
1.9444 19100 0.125 -
1.9470 19125 0.1243 -
1.9495 19150 0.1329 -
1.9521 19175 0.1067 -
1.9546 19200 0.1176 -
1.9571 19225 0.1318 -
1.9597 19250 0.1273 -
1.9622 19275 0.1303 -
1.9648 19300 0.1699 -
1.9673 19325 0.1163 -
1.9699 19350 0.1186 -
1.9724 19375 0.1196 -
1.9750 19400 0.1028 -
1.9775 19425 0.089 -
1.9800 19450 0.1074 -
1.9826 19475 0.1352 -
1.9851 19500 0.1128 -
1.9877 19525 0.1311 -
1.9902 19550 0.0797 -
1.9928 19575 0.0901 -
1.9953 19600 0.1026 -
1.9979 19625 0.1444 -
2.0 19646 - 0.0910
2.0004 19650 0.0984 -
2.0030 19675 0.0879 -
2.0055 19700 0.1064 -
2.0080 19725 0.1009 -
2.0106 19750 0.1037 -
2.0131 19775 0.0781 -
2.0157 19800 0.105 -
2.0182 19825 0.1214 -
2.0208 19850 0.0892 -
2.0233 19875 0.0776 -
2.0259 19900 0.1019 -
2.0284 19925 0.1305 -
2.0309 19950 0.0912 -
2.0335 19975 0.0858 -
2.0360 20000 0.1094 -
2.0386 20025 0.0803 -
2.0411 20050 0.0938 -
2.0437 20075 0.0798 -
2.0462 20100 0.0883 -
2.0488 20125 0.114 -
2.0513 20150 0.1187 -
2.0539 20175 0.1014 -
2.0564 20200 0.1099 -
2.0589 20225 0.1045 -
2.0615 20250 0.1031 -
2.0640 20275 0.0902 -
2.0666 20300 0.0859 -
2.0691 20325 0.0931 -
2.0717 20350 0.0846 -
2.0742 20375 0.0842 -
2.0768 20400 0.1141 -
2.0793 20425 0.0947 -
2.0818 20450 0.1171 -
2.0844 20475 0.0943 -
2.0869 20500 0.0748 -
2.0895 20525 0.1071 -
2.0920 20550 0.0777 -
2.0946 20575 0.0773 -
2.0971 20600 0.1215 -
2.0997 20625 0.1075 -
2.1022 20650 0.1012 -
2.1048 20675 0.1105 -
2.1073 20700 0.1018 -
2.1098 20725 0.0926 -
2.1124 20750 0.1175 -
2.1149 20775 0.0949 -
2.1175 20800 0.1297 -
2.1200 20825 0.0803 -
2.1226 20850 0.0997 -
2.1251 20875 0.1115 -
2.1277 20900 0.084 -
2.1302 20925 0.0928 -
2.1327 20950 0.1014 -
2.1353 20975 0.1198 -
2.1378 21000 0.1347 -
2.1404 21025 0.0831 -
2.1429 21050 0.0995 -
2.1455 21075 0.1139 -
2.1480 21100 0.0884 -
2.1506 21125 0.0799 -
2.1531 21150 0.0761 -
2.1557 21175 0.0813 -
2.1582 21200 0.0996 -
2.1607 21225 0.0908 -
2.1633 21250 0.1066 -
2.1658 21275 0.1119 -
2.1684 21300 0.1363 -
2.1709 21325 0.0573 -
2.1735 21350 0.1083 -
2.1760 21375 0.0806 -
2.1786 21400 0.1165 -
2.1811 21425 0.0919 -
2.1837 21450 0.1119 -
2.1862 21475 0.097 -
2.1887 21500 0.086 -
2.1913 21525 0.1254 -
2.1938 21550 0.1215 -
2.1964 21575 0.1174 -
2.1989 21600 0.1348 -
2.2015 21625 0.11 -
2.2040 21650 0.1224 -
2.2066 21675 0.1164 -
2.2091 21700 0.1127 -
2.2116 21725 0.0713 -
2.2142 21750 0.0999 -
2.2167 21775 0.0822 -
2.2193 21800 0.1165 -
2.2218 21825 0.0943 -
2.2244 21850 0.0936 -
2.2269 21875 0.1375 -
2.2295 21900 0.0972 -
2.2320 21925 0.1095 -
2.2346 21950 0.0997 -
2.2371 21975 0.0908 -
2.2396 22000 0.0871 -
2.2422 22025 0.1264 -
2.2447 22050 0.112 -
2.2473 22075 0.0914 -
2.2498 22100 0.0638 -
2.2524 22125 0.0941 -
2.2549 22150 0.0983 -
2.2575 22175 0.1036 -
2.2600 22200 0.0898 -
2.2625 22225 0.0984 -
2.2651 22250 0.1118 -
2.2676 22275 0.0865 -
2.2702 22300 0.1191 -
2.2727 22325 0.0984 -
2.2753 22350 0.0829 -
2.2778 22375 0.1363 -
2.2804 22400 0.0876 -
2.2829 22425 0.0932 -
2.2855 22450 0.095 -
2.2880 22475 0.0957 -
2.2905 22500 0.0999 -
2.2931 22525 0.1071 -
2.2956 22550 0.1223 -
2.2982 22575 0.0748 -
2.3007 22600 0.0866 -
2.3033 22625 0.1079 -
2.3058 22650 0.0928 -
2.3084 22675 0.1176 -
2.3109 22700 0.1455 -
2.3134 22725 0.0922 -
2.3160 22750 0.1412 -
2.3185 22775 0.0885 -
2.3211 22800 0.084 -
2.3236 22825 0.1206 -
2.3262 22850 0.1152 -
2.3287 22875 0.0903 -
2.3313 22900 0.1087 -
2.3338 22925 0.0602 -
2.3364 22950 0.0941 -
2.3389 22975 0.0776 -
2.3414 23000 0.0844 -
2.3440 23025 0.0959 -
2.3465 23050 0.0882 -
2.3491 23075 0.0826 -
2.3516 23100 0.0792 -
2.3542 23125 0.0889 -
2.3567 23150 0.0914 -
2.3593 23175 0.0866 -
2.3618 23200 0.0787 -
2.3643 23225 0.1134 -
2.3669 23250 0.1057 -
2.3694 23275 0.1038 -
2.3720 23300 0.107 -
2.3745 23325 0.1015 -
2.3771 23350 0.0873 -
2.3796 23375 0.087 -
2.3822 23400 0.1126 -
2.3847 23425 0.0685 -
2.3873 23450 0.1078 -
2.3898 23475 0.0767 -
2.3923 23500 0.0982 -
2.3949 23525 0.0794 -
2.3974 23550 0.1003 -
2.4000 23575 0.1272 -
2.4025 23600 0.1003 -
2.4051 23625 0.1174 -
2.4076 23650 0.1227 -
2.4102 23675 0.1009 -
2.4127 23700 0.0939 -
2.4152 23725 0.0768 -
2.4178 23750 0.1155 -
2.4203 23775 0.1223 -
2.4229 23800 0.1063 -
2.4254 23825 0.0932 -
2.4280 23850 0.0962 -
2.4305 23875 0.0822 -
2.4331 23900 0.086 -
2.4356 23925 0.0967 -
2.4382 23950 0.0703 -
2.4407 23975 0.085 -
2.4432 24000 0.1188 -
2.4458 24025 0.1026 -
2.4483 24050 0.079 -
2.4509 24075 0.1202 -
2.4534 24100 0.1105 -
2.4560 24125 0.0713 -
2.4585 24150 0.0883 -
2.4611 24175 0.0943 -
2.4636 24200 0.1042 -
2.4662 24225 0.0933 -
2.4687 24250 0.1272 -
2.4712 24275 0.0857 -
2.4738 24300 0.089 -
2.4763 24325 0.1298 -
2.4789 24350 0.1025 -
2.4814 24375 0.1062 -
2.4840 24400 0.0863 -
2.4865 24425 0.0778 -
2.4891 24450 0.1379 -
2.4916 24475 0.1094 -
2.4941 24500 0.1035 -
2.4967 24525 0.0861 -
2.4992 24550 0.092 -
2.5018 24575 0.0907 -
2.5043 24600 0.0933 -
2.5069 24625 0.0955 -
2.5094 24650 0.1027 -
2.5120 24675 0.1106 -
2.5145 24700 0.1031 -
2.5171 24725 0.0935 -
2.5196 24750 0.0732 -
2.5221 24775 0.0983 -
2.5247 24800 0.0886 -
2.5272 24825 0.0815 -
2.5298 24850 0.1011 -
2.5323 24875 0.0796 -
2.5349 24900 0.0883 -
2.5374 24925 0.0981 -
2.5400 24950 0.1247 -
2.5425 24975 0.1035 -
2.5450 25000 0.115 -
2.5476 25025 0.0916 -
2.5501 25050 0.1199 -
2.5527 25075 0.1045 -
2.5552 25100 0.1002 -
2.5578 25125 0.1184 -
2.5603 25150 0.077 -
2.5629 25175 0.0948 -
2.5654 25200 0.0991 -
2.5680 25225 0.1005 -
2.5705 25250 0.1139 -
2.5730 25275 0.0919 -
2.5756 25300 0.1483 -
2.5781 25325 0.0965 -
2.5807 25350 0.0925 -
2.5832 25375 0.0897 -
2.5858 25400 0.1098 -
2.5883 25425 0.1025 -
2.5909 25450 0.0988 -
2.5934 25475 0.0964 -
2.5959 25500 0.1126 -
2.5985 25525 0.0902 -
2.6010 25550 0.1293 -
2.6036 25575 0.1078 -
2.6061 25600 0.1227 -
2.6087 25625 0.0942 -
2.6112 25650 0.1184 -
2.6138 25675 0.1013 -
2.6163 25700 0.1082 -
2.6189 25725 0.0963 -
2.6214 25750 0.1063 -
2.6239 25775 0.0912 -
2.6265 25800 0.0929 -
2.6290 25825 0.1296 -
2.6316 25850 0.0797 -
2.6341 25875 0.0891 -
2.6367 25900 0.101 -
2.6392 25925 0.0651 -
2.6418 25950 0.0778 -
2.6443 25975 0.0976 -
2.6468 26000 0.0872 -
2.6494 26025 0.0974 -
2.6519 26050 0.1183 -
2.6545 26075 0.1122 -
2.6570 26100 0.1087 -
2.6596 26125 0.1147 -
2.6621 26150 0.1113 -
2.6647 26175 0.0729 -
2.6672 26200 0.0869 -
2.6698 26225 0.1159 -
2.6723 26250 0.0984 -
2.6748 26275 0.1173 -
2.6774 26300 0.0998 -
2.6799 26325 0.1257 -
2.6825 26350 0.1221 -
2.6850 26375 0.0779 -
2.6876 26400 0.1453 -
2.6901 26425 0.1117 -
2.6927 26450 0.1391 -
2.6952 26475 0.0844 -
2.6978 26500 0.1011 -
2.7003 26525 0.0949 -
2.7028 26550 0.0631 -
2.7054 26575 0.1002 -
2.7079 26600 0.0856 -
2.7105 26625 0.1046 -
2.7130 26650 0.1039 -
2.7156 26675 0.1168 -
2.7181 26700 0.1187 -
2.7207 26725 0.1226 -
2.7232 26750 0.1012 -
2.7257 26775 0.106 -
2.7283 26800 0.0892 -
2.7308 26825 0.0899 -
2.7334 26850 0.105 -
2.7359 26875 0.0766 -
2.7385 26900 0.0855 -
2.7410 26925 0.127 -
2.7436 26950 0.1265 -
2.7461 26975 0.1109 -
2.7487 27000 0.1001 -
2.7512 27025 0.1056 -
2.7537 27050 0.1146 -
2.7563 27075 0.1213 -
2.7588 27100 0.084 -
2.7614 27125 0.0955 -
2.7639 27150 0.0983 -
2.7665 27175 0.0997 -
2.7690 27200 0.1203 -
2.7716 27225 0.1122 -
2.7741 27250 0.114 -
2.7766 27275 0.0957 -
2.7792 27300 0.1075 -
2.7817 27325 0.0911 -
2.7843 27350 0.1005 -
2.7868 27375 0.0996 -
2.7894 27400 0.1035 -
2.7919 27425 0.1205 -
2.7945 27450 0.1068 -
2.7970 27475 0.0723 -
2.7996 27500 0.0965 -
2.8021 27525 0.0719 -
2.8046 27550 0.0983 -
2.8072 27575 0.1104 -
2.8097 27600 0.0842 -
2.8123 27625 0.0925 -
2.8148 27650 0.096 -
2.8174 27675 0.1455 -
2.8199 27700 0.1088 -
2.8225 27725 0.0763 -
2.8250 27750 0.0907 -
2.8275 27775 0.1006 -
2.8301 27800 0.0753 -
2.8326 27825 0.0974 -
2.8352 27850 0.1121 -
2.8377 27875 0.0653 -
2.8403 27900 0.1054 -
2.8428 27925 0.094 -
2.8454 27950 0.1088 -
2.8479 27975 0.0947 -
2.8505 28000 0.1219 -
2.8530 28025 0.087 -
2.8555 28050 0.1076 -
2.8581 28075 0.1001 -
2.8606 28100 0.0919 -
2.8632 28125 0.1167 -
2.8657 28150 0.0769 -
2.8683 28175 0.1048 -
2.8708 28200 0.0918 -
2.8734 28225 0.1116 -
2.8759 28250 0.106 -
2.8784 28275 0.1243 -
2.8810 28300 0.1119 -
2.8835 28325 0.0793 -
2.8861 28350 0.0999 -
2.8886 28375 0.0853 -
2.8912 28400 0.1512 -
2.8937 28425 0.1036 -
2.8963 28450 0.1061 -
2.8988 28475 0.1099 -
2.9014 28500 0.1071 -
2.9039 28525 0.0869 -
2.9064 28550 0.0949 -
2.9090 28575 0.1113 -
2.9115 28600 0.0832 -
2.9141 28625 0.0958 -
2.9166 28650 0.0913 -
2.9192 28675 0.1015 -
2.9217 28700 0.0838 -
2.9243 28725 0.0823 -
2.9268 28750 0.0754 -
2.9293 28775 0.0894 -
2.9319 28800 0.0937 -
2.9344 28825 0.0749 -
2.9370 28850 0.0965 -
2.9395 28875 0.1027 -
2.9421 28900 0.0908 -
2.9446 28925 0.0792 -
2.9472 28950 0.0602 -
2.9497 28975 0.1196 -
2.9523 29000 0.0894 -
2.9548 29025 0.0854 -
2.9573 29050 0.1062 -
2.9599 29075 0.0947 -
2.9624 29100 0.1098 -
2.9650 29125 0.1041 -
2.9675 29150 0.1027 -
2.9701 29175 0.0874 -
2.9726 29200 0.1144 -
2.9752 29225 0.0763 -
2.9777 29250 0.0686 -
2.9803 29275 0.095 -
2.9828 29300 0.0624 -
2.9853 29325 0.0654 -
2.9879 29350 0.0963 -
2.9904 29375 0.0882 -
2.9930 29400 0.0863 -
2.9955 29425 0.0833 -
2.9981 29450 0.1083 -
3.0 29469 - 0.0890
3.0006 29475 0.0903 -
3.0032 29500 0.0831 -
3.0057 29525 0.0656 -
3.0082 29550 0.1035 -
3.0108 29575 0.0727 -
3.0133 29600 0.0761 -
3.0159 29625 0.0873 -
3.0184 29650 0.1085 -
3.0210 29675 0.0939 -
3.0235 29700 0.0735 -
3.0261 29725 0.0719 -
3.0286 29750 0.0957 -
3.0312 29775 0.0942 -
3.0337 29800 0.0697 -
3.0362 29825 0.0969 -
3.0388 29850 0.0733 -
3.0413 29875 0.0528 -
3.0439 29900 0.0909 -
3.0464 29925 0.0576 -
3.0490 29950 0.1137 -
3.0515 29975 0.0854 -
3.0541 30000 0.0794 -
3.0566 30025 0.0612 -
3.0591 30050 0.0834 -
3.0617 30075 0.0833 -
3.0642 30100 0.1205 -
3.0668 30125 0.079 -
3.0693 30150 0.0598 -
3.0719 30175 0.0794 -
3.0744 30200 0.079 -
3.0770 30225 0.0752 -
3.0795 30250 0.1178 -
3.0821 30275 0.1003 -
3.0846 30300 0.0765 -
3.0871 30325 0.0984 -
3.0897 30350 0.0629 -
3.0922 30375 0.059 -
3.0948 30400 0.0763 -
3.0973 30425 0.0731 -
3.0999 30450 0.0777 -
3.1024 30475 0.08 -
3.1050 30500 0.0775 -
3.1075 30525 0.0833 -
3.1100 30550 0.0905 -
3.1126 30575 0.0782 -
3.1151 30600 0.0613 -
3.1177 30625 0.0618 -
3.1202 30650 0.0579 -
3.1228 30675 0.0649 -
3.1253 30700 0.0777 -
3.1279 30725 0.0882 -
3.1304 30750 0.0792 -
3.1330 30775 0.0673 -
3.1355 30800 0.0644 -
3.1380 30825 0.0681 -
3.1406 30850 0.077 -
3.1431 30875 0.0897 -
3.1457 30900 0.0906 -
3.1482 30925 0.0698 -
3.1508 30950 0.0682 -
3.1533 30975 0.1129 -
3.1559 31000 0.0822 -
3.1584 31025 0.077 -
3.1609 31050 0.0681 -
3.1635 31075 0.0791 -
3.1660 31100 0.0937 -
3.1686 31125 0.0911 -
3.1711 31150 0.0686 -
3.1737 31175 0.0677 -
3.1762 31200 0.0722 -
3.1788 31225 0.1115 -
3.1813 31250 0.1071 -
3.1839 31275 0.0717 -
3.1864 31300 0.0865 -
3.1889 31325 0.0756 -
3.1915 31350 0.0894 -
3.1940 31375 0.0853 -
3.1966 31400 0.081 -
3.1991 31425 0.0774 -
3.2017 31450 0.0559 -
3.2042 31475 0.0731 -
3.2068 31500 0.0882 -
3.2093 31525 0.1022 -
3.2118 31550 0.1257 -
3.2144 31575 0.0745 -
3.2169 31600 0.0905 -
3.2195 31625 0.0764 -
3.2220 31650 0.0649 -
3.2246 31675 0.0843 -
3.2271 31700 0.1045 -
3.2297 31725 0.0714 -
3.2322 31750 0.0999 -
3.2348 31775 0.0779 -
3.2373 31800 0.0622 -
3.2398 31825 0.0775 -
3.2424 31850 0.0738 -
3.2449 31875 0.092 -
3.2475 31900 0.0772 -
3.2500 31925 0.063 -
3.2526 31950 0.0831 -
3.2551 31975 0.0805 -
3.2577 32000 0.0866 -
3.2602 32025 0.0968 -
3.2628 32050 0.0701 -
3.2653 32075 0.0815 -
3.2678 32100 0.0718 -
3.2704 32125 0.09 -
3.2729 32150 0.0874 -
3.2755 32175 0.0717 -
3.2780 32200 0.065 -
3.2806 32225 0.08 -
3.2831 32250 0.0773 -
3.2857 32275 0.0728 -
3.2882 32300 0.0756 -
3.2907 32325 0.0733 -
3.2933 32350 0.0616 -
3.2958 32375 0.0935 -
3.2984 32400 0.0604 -
3.3009 32425 0.0774 -
3.3035 32450 0.0879 -
3.3060 32475 0.1144 -
3.3086 32500 0.0879 -
3.3111 32525 0.0765 -
3.3137 32550 0.063 -
3.3162 32575 0.0773 -
3.3187 32600 0.0614 -
3.3213 32625 0.0876 -
3.3238 32650 0.0801 -
3.3264 32675 0.0864 -
3.3289 32700 0.0991 -
3.3315 32725 0.1021 -
3.3340 32750 0.0542 -
3.3366 32775 0.0896 -
3.3391 32800 0.0828 -
3.3416 32825 0.0814 -
3.3442 32850 0.0883 -
3.3467 32875 0.0829 -
3.3493 32900 0.0717 -
3.3518 32925 0.0727 -
3.3544 32950 0.0573 -
3.3569 32975 0.0789 -
3.3595 33000 0.0763 -
3.3620 33025 0.071 -
3.3646 33050 0.0943 -
3.3671 33075 0.0653 -
3.3696 33100 0.098 -
3.3722 33125 0.0764 -
3.3747 33150 0.0687 -
3.3773 33175 0.083 -
3.3798 33200 0.0731 -
3.3824 33225 0.0699 -
3.3849 33250 0.0962 -
3.3875 33275 0.0867 -
3.3900 33300 0.0845 -
3.3925 33325 0.0667 -
3.3951 33350 0.0715 -
3.3976 33375 0.113 -
3.4002 33400 0.076 -
3.4027 33425 0.0642 -
3.4053 33450 0.0691 -
3.4078 33475 0.0813 -
3.4104 33500 0.0828 -
3.4129 33525 0.0724 -
3.4155 33550 0.0923 -
3.4180 33575 0.0926 -
3.4205 33600 0.0837 -
3.4231 33625 0.0948 -
3.4256 33650 0.1054 -
3.4282 33675 0.0792 -
3.4307 33700 0.0857 -
3.4333 33725 0.0751 -
3.4358 33750 0.0847 -
3.4384 33775 0.0598 -
3.4409 33800 0.0697 -
3.4434 33825 0.0943 -
3.4460 33850 0.089 -
3.4485 33875 0.0887 -
3.4511 33900 0.0665 -
3.4536 33925 0.0661 -
3.4562 33950 0.0894 -
3.4587 33975 0.0913 -
3.4613 34000 0.0917 -
3.4638 34025 0.1008 -
3.4664 34050 0.0715 -
3.4689 34075 0.0698 -
3.4714 34100 0.0722 -
3.4740 34125 0.0854 -
3.4765 34150 0.0733 -
3.4791 34175 0.089 -
3.4816 34200 0.0828 -
3.4842 34225 0.1021 -
3.4867 34250 0.0603 -
3.4893 34275 0.127 -
3.4918 34300 0.0795 -
3.4943 34325 0.0925 -
3.4969 34350 0.0838 -
3.4994 34375 0.0792 -
3.5020 34400 0.0866 -
3.5045 34425 0.0775 -
3.5071 34450 0.0887 -
3.5096 34475 0.1262 -
3.5122 34500 0.0753 -
3.5147 34525 0.1185 -
3.5173 34550 0.1017 -
3.5198 34575 0.0829 -
3.5223 34600 0.0883 -
3.5249 34625 0.0912 -
3.5274 34650 0.0796 -
3.5300 34675 0.0784 -
3.5325 34700 0.0777 -
3.5351 34725 0.0695 -
3.5376 34750 0.0839 -
3.5402 34775 0.0931 -
3.5427 34800 0.07 -
3.5453 34825 0.0715 -
3.5478 34850 0.0697 -
3.5503 34875 0.0925 -
3.5529 34900 0.0657 -
3.5554 34925 0.0755 -
3.5580 34950 0.0978 -
3.5605 34975 0.0792 -
3.5631 35000 0.0853 -
3.5656 35025 0.0852 -
3.5682 35050 0.1186 -
3.5707 35075 0.1153 -
3.5732 35100 0.0848 -
3.5758 35125 0.0753 -
3.5783 35150 0.076 -
3.5809 35175 0.0626 -
3.5834 35200 0.0944 -
3.5860 35225 0.0923 -
3.5885 35250 0.0982 -
3.5911 35275 0.0916 -
3.5936 35300 0.1102 -
3.5962 35325 0.0769 -
3.5987 35350 0.0769 -
3.6012 35375 0.0771 -
3.6038 35400 0.0928 -
3.6063 35425 0.074 -
3.6089 35450 0.1027 -
3.6114 35475 0.0874 -
3.6140 35500 0.0627 -
3.6165 35525 0.108 -
3.6191 35550 0.101 -
3.6216 35575 0.0738 -
3.6241 35600 0.0988 -
3.6267 35625 0.0928 -
3.6292 35650 0.0771 -
3.6318 35675 0.0965 -
3.6343 35700 0.0954 -
3.6369 35725 0.0736 -
3.6394 35750 0.0914 -
3.6420 35775 0.0849 -
3.6445 35800 0.0997 -
3.6471 35825 0.0755 -
3.6496 35850 0.0858 -
3.6521 35875 0.1136 -
3.6547 35900 0.0758 -
3.6572 35925 0.0922 -
3.6598 35950 0.0701 -
3.6623 35975 0.0724 -
3.6649 36000 0.0842 -
3.6674 36025 0.0763 -
3.6700 36050 0.0806 -
3.6725 36075 0.1168 -
3.6750 36100 0.1051 -
3.6776 36125 0.0837 -
3.6801 36150 0.0634 -
3.6827 36175 0.0702 -
3.6852 36200 0.0892 -
3.6878 36225 0.073 -
3.6903 36250 0.0872 -
3.6929 36275 0.102 -
3.6954 36300 0.098 -
3.6980 36325 0.0982 -
3.7005 36350 0.0527 -
3.7030 36375 0.0883 -
3.7056 36400 0.0966 -
3.7081 36425 0.0637 -
3.7107 36450 0.0837 -
3.7132 36475 0.0747 -
3.7158 36500 0.0524 -
3.7183 36525 0.094 -
3.7209 36550 0.0596 -
3.7234 36575 0.0859 -
3.7259 36600 0.075 -
3.7285 36625 0.0861 -
3.7310 36650 0.0569 -
3.7336 36675 0.0641 -
3.7361 36700 0.0787 -
3.7387 36725 0.0642 -
3.7412 36750 0.0821 -
3.7438 36775 0.0636 -
3.7463 36800 0.0769 -
3.7489 36825 0.0983 -
3.7514 36850 0.0821 -
3.7539 36875 0.0777 -
3.7565 36900 0.0798 -
3.7590 36925 0.0885 -
3.7616 36950 0.0832 -
3.7641 36975 0.0762 -
3.7667 37000 0.1048 -
3.7692 37025 0.0884 -
3.7718 37050 0.0967 -
3.7743 37075 0.0947 -
3.7769 37100 0.0829 -
3.7794 37125 0.1081 -
3.7819 37150 0.0677 -
3.7845 37175 0.0542 -
3.7870 37200 0.0905 -
3.7896 37225 0.0844 -
3.7921 37250 0.081 -
3.7947 37275 0.085 -
3.7972 37300 0.104 -
3.7998 37325 0.0711 -
3.8023 37350 0.0774 -
3.8048 37375 0.0951 -
3.8074 37400 0.0613 -
3.8099 37425 0.0795 -
3.8125 37450 0.0954 -
3.8150 37475 0.1211 -
3.8176 37500 0.0835 -
3.8201 37525 0.0829 -
3.8227 37550 0.0862 -
3.8252 37575 0.0696 -
3.8278 37600 0.0963 -
3.8303 37625 0.0757 -
3.8328 37650 0.0781 -
3.8354 37675 0.0585 -
3.8379 37700 0.0915 -
3.8405 37725 0.1021 -
3.8430 37750 0.0943 -
3.8456 37775 0.0666 -
3.8481 37800 0.0564 -
3.8507 37825 0.0717 -
3.8532 37850 0.0861 -
3.8557 37875 0.0611 -
3.8583 37900 0.0868 -
3.8608 37925 0.0844 -
3.8634 37950 0.0842 -
3.8659 37975 0.0689 -
3.8685 38000 0.0747 -
3.8710 38025 0.0557 -
3.8736 38050 0.0761 -
3.8761 38075 0.0843 -
3.8787 38100 0.099 -
3.8812 38125 0.0812 -
3.8837 38150 0.0668 -
3.8863 38175 0.074 -
3.8888 38200 0.0933 -
3.8914 38225 0.1152 -
3.8939 38250 0.0639 -
3.8965 38275 0.0997 -
3.8990 38300 0.0741 -
3.9016 38325 0.0705 -
3.9041 38350 0.0663 -
3.9066 38375 0.0659 -
3.9092 38400 0.0894 -
3.9117 38425 0.0752 -
3.9143 38450 0.0588 -
3.9168 38475 0.0914 -
3.9194 38500 0.1153 -
3.9219 38525 0.0536 -
3.9245 38550 0.0906 -
3.9270 38575 0.0871 -
3.9296 38600 0.0968 -
3.9321 38625 0.0918 -
3.9346 38650 0.0939 -
3.9372 38675 0.0861 -
3.9397 38700 0.0662 -
3.9423 38725 0.0845 -
3.9448 38750 0.0843 -
3.9474 38775 0.0902 -
3.9499 38800 0.1097 -
3.9525 38825 0.0721 -
3.9550 38850 0.1045 -
3.9575 38875 0.0846 -
3.9601 38900 0.0772 -
3.9626 38925 0.0605 -
3.9652 38950 0.076 -
3.9677 38975 0.0584 -
3.9703 39000 0.076 -
3.9728 39025 0.0854 -
3.9754 39050 0.0836 -
3.9779 39075 0.0704 -
3.9805 39100 0.081 -
3.9830 39125 0.0846 -
3.9855 39150 0.056 -
3.9881 39175 0.063 -
3.9906 39200 0.0935 -
3.9932 39225 0.0895 -
3.9957 39250 0.0748 -
3.9983 39275 0.0704 -
4.0 39292 - 0.0832
4.0008 39300 0.0657 -
4.0034 39325 0.0788 -
4.0059 39350 0.0847 -
4.0084 39375 0.0667 -
4.0110 39400 0.0646 -
4.0135 39425 0.0528 -
4.0161 39450 0.0563 -
4.0186 39475 0.0723 -
4.0212 39500 0.0703 -
4.0237 39525 0.0788 -
4.0263 39550 0.0572 -
4.0288 39575 0.0757 -
4.0314 39600 0.0593 -
4.0339 39625 0.0739 -
4.0364 39650 0.06 -
4.0390 39675 0.0736 -
4.0415 39700 0.0743 -
4.0441 39725 0.0655 -
4.0466 39750 0.0398 -
4.0492 39775 0.0622 -
4.0517 39800 0.0774 -
4.0543 39825 0.074 -
4.0568 39850 0.0537 -
4.0594 39875 0.0635 -
4.0619 39900 0.0578 -
4.0644 39925 0.0987 -
4.0670 39950 0.0931 -
4.0695 39975 0.0899 -
4.0721 40000 0.0797 -
4.0746 40025 0.0803 -
4.0772 40050 0.0851 -
4.0797 40075 0.0826 -
4.0823 40100 0.0808 -
4.0848 40125 0.0734 -
4.0873 40150 0.0634 -
4.0899 40175 0.0792 -
4.0924 40200 0.0921 -
4.0950 40225 0.0754 -
4.0975 40250 0.0925 -
4.1001 40275 0.0777 -
4.1026 40300 0.0746 -
4.1052 40325 0.058 -
4.1077 40350 0.0549 -
4.1103 40375 0.0958 -
4.1128 40400 0.1041 -
4.1153 40425 0.0841 -
4.1179 40450 0.1077 -
4.1204 40475 0.0653 -
4.1230 40500 0.065 -
4.1255 40525 0.094 -
4.1281 40550 0.0612 -
4.1306 40575 0.0677 -
4.1332 40600 0.092 -
4.1357 40625 0.0927 -
4.1382 40650 0.073 -
4.1408 40675 0.0581 -
4.1433 40700 0.0616 -
4.1459 40725 0.0797 -
4.1484 40750 0.0869 -
4.1510 40775 0.0808 -
4.1535 40800 0.0762 -
4.1561 40825 0.0831 -
4.1586 40850 0.0775 -
4.1612 40875 0.0685 -
4.1637 40900 0.055 -
4.1662 40925 0.0893 -
4.1688 40950 0.0536 -
4.1713 40975 0.0943 -
4.1739 41000 0.0643 -
4.1764 41025 0.0601 -
4.1790 41050 0.0836 -
4.1815 41075 0.0687 -
4.1841 41100 0.0577 -
4.1866 41125 0.0838 -
4.1891 41150 0.0694 -
4.1917 41175 0.0835 -
4.1942 41200 0.0767 -
4.1968 41225 0.0542 -
4.1993 41250 0.0838 -
4.2019 41275 0.06 -
4.2044 41300 0.067 -
4.2070 41325 0.0531 -
4.2095 41350 0.0502 -
4.2121 41375 0.0748 -
4.2146 41400 0.0845 -
4.2171 41425 0.0725 -
4.2197 41450 0.07 -
4.2222 41475 0.0587 -
4.2248 41500 0.0811 -
4.2273 41525 0.0902 -
4.2299 41550 0.0587 -
4.2324 41575 0.0882 -
4.2350 41600 0.0491 -
4.2375 41625 0.0747 -
4.2400 41650 0.0634 -
4.2426 41675 0.0718 -
4.2451 41700 0.0572 -
4.2477 41725 0.0779 -
4.2502 41750 0.0938 -
4.2528 41775 0.0509 -
4.2553 41800 0.0669 -
4.2579 41825 0.0862 -
4.2604 41850 0.0594 -
4.2630 41875 0.0773 -
4.2655 41900 0.0618 -
4.2680 41925 0.0524 -
4.2706 41950 0.0597 -
4.2731 41975 0.0994 -
4.2757 42000 0.055 -
4.2782 42025 0.0937 -
4.2808 42050 0.0678 -
4.2833 42075 0.0581 -
4.2859 42100 0.0821 -
4.2884 42125 0.088 -
4.2909 42150 0.0634 -
4.2935 42175 0.0826 -
4.2960 42200 0.1037 -
4.2986 42225 0.0693 -
4.3011 42250 0.074 -
4.3037 42275 0.0831 -
4.3062 42300 0.0691 -
4.3088 42325 0.0689 -
4.3113 42350 0.0668 -
4.3139 42375 0.0782 -
4.3164 42400 0.0566 -
4.3189 42425 0.0602 -
4.3215 42450 0.0789 -
4.3240 42475 0.088 -
4.3266 42500 0.0787 -
4.3291 42525 0.1013 -
4.3317 42550 0.0691 -
4.3342 42575 0.0796 -
4.3368 42600 0.0927 -
4.3393 42625 0.0613 -
4.3419 42650 0.0857 -
4.3444 42675 0.0583 -
4.3469 42700 0.0684 -
4.3495 42725 0.0699 -
4.3520 42750 0.0771 -
4.3546 42775 0.0912 -
4.3571 42800 0.0766 -
4.3597 42825 0.0637 -
4.3622 42850 0.0932 -
4.3648 42875 0.0606 -
4.3673 42900 0.0749 -
4.3698 42925 0.0793 -
4.3724 42950 0.091 -
4.3749 42975 0.0951 -
4.3775 43000 0.081 -
4.3800 43025 0.0565 -
4.3826 43050 0.0604 -
4.3851 43075 0.0684 -
4.3877 43100 0.0412 -
4.3902 43125 0.0753 -
4.3928 43150 0.0708 -
4.3953 43175 0.0713 -
4.3978 43200 0.0757 -
4.4004 43225 0.0795 -
4.4029 43250 0.055 -
4.4055 43275 0.0775 -
4.4080 43300 0.0661 -
4.4106 43325 0.0664 -
4.4131 43350 0.077 -
4.4157 43375 0.0595 -
4.4182 43400 0.0633 -
4.4207 43425 0.0617 -
4.4233 43450 0.0466 -
4.4258 43475 0.0636 -
4.4284 43500 0.0765 -
4.4309 43525 0.0807 -
4.4335 43550 0.0659 -
4.4360 43575 0.0854 -
4.4386 43600 0.0658 -
4.4411 43625 0.0696 -
4.4437 43650 0.0687 -
4.4462 43675 0.0821 -
4.4487 43700 0.0924 -
4.4513 43725 0.0541 -
4.4538 43750 0.061 -
4.4564 43775 0.069 -
4.4589 43800 0.0944 -
4.4615 43825 0.0735 -
4.4640 43850 0.0507 -
4.4666 43875 0.085 -
4.4691 43900 0.0778 -
4.4716 43925 0.0658 -
4.4742 43950 0.073 -
4.4767 43975 0.0753 -
4.4793 44000 0.0623 -
4.4818 44025 0.078 -
4.4844 44050 0.069 -
4.4869 44075 0.0685 -
4.4895 44100 0.0679 -
4.4920 44125 0.0607 -
4.4946 44150 0.0845 -
4.4971 44175 0.0707 -
4.4996 44200 0.0898 -
4.5022 44225 0.0622 -
4.5047 44250 0.0477 -
4.5073 44275 0.0729 -
4.5098 44300 0.0633 -
4.5124 44325 0.0804 -
4.5149 44350 0.0768 -
4.5175 44375 0.0566 -
4.5200 44400 0.0749 -
4.5225 44425 0.0769 -
4.5251 44450 0.0692 -
4.5276 44475 0.0508 -
4.5302 44500 0.0626 -
4.5327 44525 0.0684 -
4.5353 44550 0.0585 -
4.5378 44575 0.0692 -
4.5404 44600 0.0932 -
4.5429 44625 0.0529 -
4.5455 44650 0.0739 -
4.5480 44675 0.0529 -
4.5505 44700 0.0812 -
4.5531 44725 0.0608 -
4.5556 44750 0.0618 -
4.5582 44775 0.0673 -
4.5607 44800 0.0721 -
4.5633 44825 0.0691 -
4.5658 44850 0.0738 -
4.5684 44875 0.0853 -
4.5709 44900 0.0587 -
4.5735 44925 0.0597 -
4.5760 44950 0.04 -
4.5785 44975 0.0716 -
4.5811 45000 0.0595 -
4.5836 45025 0.0798 -
4.5862 45050 0.0537 -
4.5887 45075 0.08 -
4.5913 45100 0.0953 -
4.5938 45125 0.0519 -
4.5964 45150 0.1003 -
4.5989 45175 0.0774 -
4.6014 45200 0.0947 -
4.6040 45225 0.0708 -
4.6065 45250 0.1066 -
4.6091 45275 0.0555 -
4.6116 45300 0.0826 -
4.6142 45325 0.0528 -
4.6167 45350 0.0594 -
4.6193 45375 0.0731 -
4.6218 45400 0.0808 -
4.6244 45425 0.0684 -
4.6269 45450 0.079 -
4.6294 45475 0.0828 -
4.6320 45500 0.0683 -
4.6345 45525 0.0757 -
4.6371 45550 0.0748 -
4.6396 45575 0.0844 -
4.6422 45600 0.078 -
4.6447 45625 0.0762 -
4.6473 45650 0.0811 -
4.6498 45675 0.0643 -
4.6523 45700 0.0701 -
4.6549 45725 0.0684 -
4.6574 45750 0.0579 -
4.6600 45775 0.0824 -
4.6625 45800 0.0851 -
4.6651 45825 0.1039 -
4.6676 45850 0.0788 -
4.6702 45875 0.0558 -
4.6727 45900 0.073 -
4.6753 45925 0.0696 -
4.6778 45950 0.0676 -
4.6803 45975 0.0737 -
4.6829 46000 0.0587 -
4.6854 46025 0.0832 -
4.6880 46050 0.0854 -
4.6905 46075 0.0774 -
4.6931 46100 0.0674 -
4.6956 46125 0.0912 -
4.6982 46150 0.095 -
4.7007 46175 0.0713 -
4.7032 46200 0.054 -
4.7058 46225 0.0655 -
4.7083 46250 0.0738 -
4.7109 46275 0.0916 -
4.7134 46300 0.068 -
4.7160 46325 0.045 -
4.7185 46350 0.0564 -
4.7211 46375 0.0805 -
4.7236 46400 0.0493 -
4.7262 46425 0.0859 -
4.7287 46450 0.0613 -
4.7312 46475 0.0685 -
4.7338 46500 0.0697 -
4.7363 46525 0.0808 -
4.7389 46550 0.081 -
4.7414 46575 0.0815 -
4.7440 46600 0.0875 -
4.7465 46625 0.0711 -
4.7491 46650 0.0544 -
4.7516 46675 0.0975 -
4.7541 46700 0.0843 -
4.7567 46725 0.1002 -
4.7592 46750 0.0497 -
4.7618 46775 0.0993 -
4.7643 46800 0.0683 -
4.7669 46825 0.0892 -
4.7694 46850 0.0594 -
4.7720 46875 0.0766 -
4.7745 46900 0.0603 -
4.7771 46925 0.0797 -
4.7796 46950 0.0602 -
4.7821 46975 0.0658 -
4.7847 47000 0.0669 -
4.7872 47025 0.0566 -
4.7898 47050 0.0832 -
4.7923 47075 0.0925 -
4.7949 47100 0.0611 -
4.7974 47125 0.0941 -
4.8000 47150 0.0621 -
4.8025 47175 0.0617 -
4.8050 47200 0.0708 -
4.8076 47225 0.0732 -
4.8101 47250 0.0798 -
4.8127 47275 0.0673 -
4.8152 47300 0.0998 -
4.8178 47325 0.081 -
4.8203 47350 0.0713 -
4.8229 47375 0.0848 -
4.8254 47400 0.0883 -
4.8280 47425 0.0579 -
4.8305 47450 0.0817 -
4.8330 47475 0.083 -
4.8356 47500 0.0661 -
4.8381 47525 0.0838 -
4.8407 47550 0.0773 -
4.8432 47575 0.0868 -
4.8458 47600 0.0762 -
4.8483 47625 0.081 -
4.8509 47650 0.0911 -
4.8534 47675 0.0695 -
4.8560 47700 0.077 -
4.8585 47725 0.0641 -
4.8610 47750 0.0646 -
4.8636 47775 0.0801 -
4.8661 47800 0.0714 -
4.8687 47825 0.0921 -
4.8712 47850 0.0669 -
4.8738 47875 0.0996 -
4.8763 47900 0.091 -
4.8789 47925 0.084 -
4.8814 47950 0.0652 -
4.8839 47975 0.0904 -
4.8865 48000 0.06 -
4.8890 48025 0.0668 -
4.8916 48050 0.1019 -
4.8941 48075 0.0593 -
4.8967 48100 0.0817 -
4.8992 48125 0.0633 -
4.9018 48150 0.0762 -
4.9043 48175 0.0879 -
4.9069 48200 0.063 -
4.9094 48225 0.0613 -
4.9119 48250 0.0905 -
4.9145 48275 0.097 -
4.9170 48300 0.0863 -
4.9196 48325 0.0558 -
4.9221 48350 0.0819 -
4.9247 48375 0.0883 -
4.9272 48400 0.0725 -
4.9298 48425 0.1031 -
4.9323 48450 0.0724 -
4.9348 48475 0.0745 -
4.9374 48500 0.0655 -
4.9399 48525 0.0623 -
4.9425 48550 0.0768 -
4.9450 48575 0.072 -
4.9476 48600 0.0721 -
4.9501 48625 0.049 -
4.9527 48650 0.0608 -
4.9552 48675 0.0593 -
4.9578 48700 0.0855 -
4.9603 48725 0.0626 -
4.9628 48750 0.0859 -
4.9654 48775 0.0896 -
4.9679 48800 0.0748 -
4.9705 48825 0.0663 -
4.9730 48850 0.0539 -
4.9756 48875 0.0824 -
4.9781 48900 0.0556 -
4.9807 48925 0.0587 -
4.9832 48950 0.0681 -
4.9857 48975 0.0651 -
4.9883 49000 0.0616 -
4.9908 49025 0.071 -
4.9934 49050 0.0742 -
4.9959 49075 0.0889 -
4.9985 49100 0.0777 -
5.0 49115 - 0.0826

Framework Versions

  • Python: 3.10.12
  • Sentence Transformers: 3.0.1
  • Transformers: 4.41.2
  • PyTorch: 2.3.0+cu121
  • Accelerate: 0.31.0
  • Datasets: 2.19.1
  • Tokenizers: 0.19.1

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",
}

MultipleNegativesRankingLoss

@misc{henderson2017efficient,
    title={Efficient Natural Language Response Suggestion for Smart Reply}, 
    author={Matthew Henderson and Rami Al-Rfou and Brian Strope and Yun-hsuan Sung and Laszlo Lukacs and Ruiqi Guo and Sanjiv Kumar and Balint Miklos and Ray Kurzweil},
    year={2017},
    eprint={1705.00652},
    archivePrefix={arXiv},
    primaryClass={cs.CL}
}