Edit model card

BGE base Financial Matryoshka

This is a sentence-transformers model finetuned from SQAI/temporary_embedding_2. 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: SQAI/temporary_embedding_2
  • Maximum Sequence Length: 512 tokens
  • Output Dimensionality: 384 tokens
  • Similarity Function: Cosine Similarity
  • Language: en
  • License: apache-2.0

Model Sources

Full Model Architecture

SentenceTransformer(
  (0): Transformer({'max_seq_length': 512, 'do_lower_case': True}) with Transformer model: BertModel 
  (1): Pooling({'word_embedding_dimension': 384, 'pooling_mode_cls_token': True, 'pooling_mode_mean_tokens': False, '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("SQAI/streetlight_sql_embedding")
# Run inference
sentences = [
    'Power output is lower than expected for the streetlight (failure)',
    '"What are instances of potential faults indicated by streetlight power usage exceeding the maximum level, and can you also highlight cases where power consumption was unusually low due to hardware issues? Could you provide the timestamp for these occurrences?"',
    '"What is the correlation between the power usage of the streetlights and their failure occurrences?"',
]
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

Information Retrieval

Metric Value
cosine_accuracy@1 0.0036
cosine_accuracy@3 0.0146
cosine_accuracy@5 0.0182
cosine_accuracy@10 0.0328
cosine_precision@1 0.0036
cosine_precision@3 0.0049
cosine_precision@5 0.0036
cosine_precision@10 0.0033
cosine_recall@1 0.0036
cosine_recall@3 0.0146
cosine_recall@5 0.0182
cosine_recall@10 0.0328
cosine_ndcg@10 0.0167
cosine_mrr@10 0.0118
cosine_map@100 0.016

Information Retrieval

Metric Value
cosine_accuracy@1 0.0036
cosine_accuracy@3 0.0146
cosine_accuracy@5 0.0182
cosine_accuracy@10 0.0328
cosine_precision@1 0.0036
cosine_precision@3 0.0049
cosine_precision@5 0.0036
cosine_precision@10 0.0033
cosine_recall@1 0.0036
cosine_recall@3 0.0146
cosine_recall@5 0.0182
cosine_recall@10 0.0328
cosine_ndcg@10 0.0167
cosine_mrr@10 0.0118
cosine_map@100 0.016

Information Retrieval

Metric Value
cosine_accuracy@1 0.0
cosine_accuracy@3 0.0073
cosine_accuracy@5 0.0109
cosine_accuracy@10 0.0292
cosine_precision@1 0.0
cosine_precision@3 0.0024
cosine_precision@5 0.0022
cosine_precision@10 0.0029
cosine_recall@1 0.0
cosine_recall@3 0.0073
cosine_recall@5 0.0109
cosine_recall@10 0.0292
cosine_ndcg@10 0.0119
cosine_mrr@10 0.0068
cosine_map@100 0.0111

Information Retrieval

Metric Value
cosine_accuracy@1 0.0073
cosine_accuracy@3 0.0182
cosine_accuracy@5 0.0182
cosine_accuracy@10 0.0255
cosine_precision@1 0.0073
cosine_precision@3 0.0061
cosine_precision@5 0.0036
cosine_precision@10 0.0026
cosine_recall@1 0.0073
cosine_recall@3 0.0182
cosine_recall@5 0.0182
cosine_recall@10 0.0255
cosine_ndcg@10 0.0159
cosine_mrr@10 0.013
cosine_map@100 0.0168

Information Retrieval

Metric Value
cosine_accuracy@1 0.0
cosine_accuracy@3 0.0073
cosine_accuracy@5 0.0109
cosine_accuracy@10 0.0182
cosine_precision@1 0.0
cosine_precision@3 0.0024
cosine_precision@5 0.0022
cosine_precision@10 0.0018
cosine_recall@1 0.0
cosine_recall@3 0.0073
cosine_recall@5 0.0109
cosine_recall@10 0.0182
cosine_ndcg@10 0.0085
cosine_mrr@10 0.0054
cosine_map@100 0.0096

Training Details

Training Dataset

Unnamed Dataset

  • Size: 2,464 training samples
  • Columns: positive and anchor
  • Approximate statistics based on the first 1000 samples:
    positive anchor
    type string string
    details
    • min: 5 tokens
    • mean: 13.5 tokens
    • max: 20 tokens
    • min: 14 tokens
    • mean: 32.48 tokens
    • max: 81 tokens
  • Samples:
    positive anchor
    Timestamp of the latest data recorded or action performed by the streetlight "What is the latest action performed by the streetlight on 'specific street name' and when was it performed?"
    The relay responsible for turning the streetlight on and off is sticking (failure) "What is the count and timestamps of streetlighting errors due to malfunctioning relay in the system?"
    Default dimming level set for the streetlight "What is the default dimming level set for the city's streetlights?"
  • Loss: MatryoshkaLoss with these parameters:
    {
        "loss": "MultipleNegativesRankingLoss",
        "matryoshka_dims": [
            384,
            256,
            128,
            64
        ],
        "matryoshka_weights": [
            1,
            1,
            1,
            1
        ],
        "n_dims_per_step": -1
    }
    

Evaluation Dataset

Unnamed Dataset

  • Size: 274 evaluation samples
  • Columns: positive and anchor
  • Approximate statistics based on the first 1000 samples:
    positive anchor
    type string string
    details
    • min: 5 tokens
    • mean: 13.36 tokens
    • max: 20 tokens
    • min: 14 tokens
    • mean: 34.05 tokens
    • max: 81 tokens
  • Samples:
    positive anchor
    Timestamp of the latest data recorded or action performed by the streetlight "When was the latest action performed by the streetlight, what is the status of its current draw, and where is it located?"
    Timestamp of the recorded streetlighting error (failure) "What are the permissions required to link multiple streetlights for synchronized control and when was the last recorded streetlighting error?"
    All failures listed "What is the latest timestamp data from the streetlight, the timestamp of the latest recorded streetlighting error, and if applicable, the subsequent error timestamps?"
  • Loss: MatryoshkaLoss with these parameters:
    {
        "loss": "MultipleNegativesRankingLoss",
        "matryoshka_dims": [
            384,
            256,
            128,
            64
        ],
        "matryoshka_weights": [
            1,
            1,
            1,
            1
        ],
        "n_dims_per_step": -1
    }
    

Training Hyperparameters

Non-Default Hyperparameters

  • eval_strategy: epoch
  • per_device_train_batch_size: 32
  • per_device_eval_batch_size: 16
  • gradient_accumulation_steps: 16
  • learning_rate: 1e-05
  • weight_decay: 0.03
  • num_train_epochs: 300
  • lr_scheduler_type: cosine
  • warmup_ratio: 0.2
  • bf16: True
  • tf32: True
  • load_best_model_at_end: True
  • optim: adamw_torch_fused
  • batch_sampler: no_duplicates

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: 16
  • per_gpu_train_batch_size: None
  • per_gpu_eval_batch_size: None
  • gradient_accumulation_steps: 16
  • eval_accumulation_steps: None
  • learning_rate: 1e-05
  • weight_decay: 0.03
  • adam_beta1: 0.9
  • adam_beta2: 0.999
  • adam_epsilon: 1e-08
  • max_grad_norm: 1.0
  • num_train_epochs: 300
  • max_steps: -1
  • lr_scheduler_type: cosine
  • lr_scheduler_kwargs: {}
  • warmup_ratio: 0.2
  • 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: True
  • 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_fused
  • 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: 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: no_duplicates
  • multi_dataset_batch_sampler: proportional

Training Logs

Click to expand
Epoch Step Training Loss loss dim_128_cosine_map@100 dim_256_cosine_map@100 dim_512_cosine_map@100 dim_64_cosine_map@100 dim_768_cosine_map@100
0.2078 1 10.8799 - - - - - -
0.4156 2 11.9952 - - - - - -
0.6234 3 11.523 - - - - - -
0.8312 4 11.8355 - - - - - -
1.0390 5 8.7792 - - - - - -
1.2468 6 0.0 - - - - - -
1.4545 7 0.0 - - - - - -
1.6623 8 0.0 - - - - - -
1.8701 9 0.0 - - - - - -
2.0779 10 0.0 5.8123 0.0249 0.0315 0.0292 0.0250 0.0292
1.0260 11 1.4781 - - - - - -
1.2338 12 10.9683 - - - - - -
1.4416 13 11.657 - - - - - -
1.6494 14 11.4116 - - - - - -
1.8571 15 11.8774 - - - - - -
2.0649 16 6.9957 - - - - - -
2.2727 17 0.0 - - - - - -
2.4805 18 0.0 - - - - - -
2.6883 19 0.0 - - - - - -
2.8961 20 0.0 - - - - - -
3.1039 21 0.0 5.7413 0.0261 0.0298 0.0311 0.0208 0.0311
2.0519 22 2.5405 - - - - - -
2.2597 23 10.9358 - - - - - -
2.4675 24 11.4934 - - - - - -
2.6753 25 11.4221 - - - - - -
2.8831 26 11.8348 - - - - - -
3.0909 27 5.4544 - - - - - -
3.2987 28 0.0 - - - - - -
3.5065 29 0.0 - - - - - -
3.7143 30 0.0 - - - - - -
3.9221 31 0.0 - - - - - -
4.1299 32 0.0 5.6236 0.0285 0.0300 0.0309 0.0208 0.0309
3.0779 33 3.8704 - - - - - -
3.2857 34 11.127 - - - - - -
3.4935 35 11.2345 - - - - - -
3.7013 36 11.3097 - - - - - -
3.9091 37 11.5496 - - - - - -
4.1169 38 3.9187 - - - - - -
4.3247 39 0.0 - - - - - -
4.5325 40 0.0 - - - - - -
4.7403 41 0.0 - - - - - -
4.9481 42 0.0 - - - - - -
5.1558 43 0.0 5.4674 0.0313 0.0312 0.0299 0.0256 0.0299
4.1039 44 5.1029 - - - - - -
4.3117 45 10.8489 - - - - - -
4.5195 46 11.032 - - - - - -
4.7273 47 11.1298 - - - - - -
4.9351 48 10.7864 - - - - - -
5.1429 49 2.3991 - - - - - -
5.3506 50 0.0 - - - - - -
5.5584 51 0.0 - - - - - -
5.7662 52 0.0 - - - - - -
5.9740 53 0.0 - - - - - -
6.1818 54 0.0 5.2895 0.0299 0.0270 0.0303 0.0277 0.0303
5.1299 55 6.1795 - - - - - -
5.3377 56 10.4669 - - - - - -
5.5455 57 10.6607 - - - - - -
5.7532 58 10.7106 - - - - - -
5.9610 59 10.2785 - - - - - -
6.1688 60 1.3983 - - - - - -
6.3766 61 0.0 - - - - - -
6.5844 62 0.0 - - - - - -
6.7922 63 0.0 - - - - - -
7.0 64 0.0 - - - - - -
7.2078 65 0.0 5.1110 0.0240 0.0252 0.0294 0.0219 0.0294
6.1558 66 7.2055 - - - - - -
6.3636 67 10.5521 - - - - - -
6.5714 68 10.3721 - - - - - -
6.7792 69 10.5366 - - - - - -
6.9870 70 9.275 - - - - - -
7.1948 71 0.6043 - - - - - -
7.4026 72 0.0 - - - - - -
7.6104 73 0.0 - - - - - -
7.8182 74 0.0 - - - - - -
8.0260 75 0.0 - - - - - -
8.2338 76 0.0 4.9365 0.0257 0.0257 0.0328 0.0217 0.0328
7.1818 77 8.3679 - - - - - -
7.3896 78 10.4878 - - - - - -
7.5974 79 9.6964 - - - - - -
7.8052 80 10.2099 - - - - - -
8.0130 81 8.2936 - - - - - -
8.2208 82 0.1214 - - - - - -
8.4286 83 0.0 - - - - - -
8.6364 84 0.0 - - - - - -
8.8442 85 0.0 - - - - - -
9.0519 86 0.0 - - - - - -
9.2597 87 0.0 4.7852 0.0240 0.0272 0.0231 0.0227 0.0231
8.2078 88 9.1861 - - - - - -
8.4156 89 9.8309 - - - - - -
8.6234 90 9.7555 - - - - - -
8.8312 91 9.7722 - - - - - -
9.0390 92 6.9801 - - - - - -
9.2468 93 0.0 - - - - - -
9.4545 94 0.0 - - - - - -
9.6623 95 0.0 - - - - - -
9.8701 96 0.0 - - - - - -
10.0779 97 0.0 4.6765 0.0205 0.0241 0.0207 0.0170 0.0207
9.0260 98 1.1792 - - - - - -
9.2338 99 9.0915 - - - - - -
9.4416 100 9.4581 - - - - - -
9.6494 101 9.6098 - - - - - -
9.8571 102 9.581 - - - - - -
10.0649 103 5.335 - - - - - -
10.2727 104 0.0 - - - - - -
10.4805 105 0.0 - - - - - -
10.6883 106 0.0 - - - - - -
10.8961 107 0.0 - - - - - -
11.1039 108 0.0 4.5885 0.0216 0.0252 0.0215 0.0245 0.0215
10.0519 109 2.1487 - - - - - -
10.2597 110 9.1274 - - - - - -
10.4675 111 9.2582 - - - - - -
10.6753 112 9.4703 - - - - - -
10.8831 113 9.4621 - - - - - -
11.0909 114 4.035 - - - - - -
11.2987 115 0.0 - - - - - -
11.5065 116 0.0 - - - - - -
11.7143 117 0.0 - - - - - -
11.9221 118 0.0 - - - - - -
12.1299 119 0.0 4.5141 0.0188 0.0208 0.0189 0.0234 0.0189
11.0779 120 3.195 - - - - - -
11.2857 121 8.9396 - - - - - -
11.4935 122 9.0049 - - - - - -
11.7013 123 9.2817 - - - - - -
11.9091 124 9.0586 - - - - - -
12.1169 125 2.9238 - - - - - -
12.3247 126 0.0 - - - - - -
12.5325 127 0.0 - - - - - -
12.7403 128 0.0 - - - - - -
12.9481 129 0.0 - - - - - -
13.1558 130 0.0 4.4657 0.0189 0.0204 0.0189 0.0202 0.0189
12.1039 131 4.1912 - - - - - -
12.3117 132 8.6917 - - - - - -
12.5195 133 9.0598 - - - - - -
12.7273 134 9.1982 - - - - - -
12.9351 135 8.7155 - - - - - -
13.1429 136 1.766 - - - - - -
13.3506 137 0.0 - - - - - -
13.5584 138 0.0 - - - - - -
13.7662 139 0.0 - - - - - -
13.9740 140 0.0 - - - - - -
14.1818 141 0.0 4.4353 0.0195 0.0167 0.0175 0.0258 0.0175
13.1299 142 5.2156 - - - - - -
13.3377 143 8.6167 - - - - - -
13.5455 144 9.0144 - - - - - -
13.7532 145 9.0183 - - - - - -
13.9610 146 8.4695 - - - - - -
14.1688 147 0.8935 - - - - - -
14.3766 148 0.0 - - - - - -
14.5844 149 0.0 - - - - - -
14.7922 150 0.0 - - - - - -
15.0 151 0.0 - - - - - -
15.2078 152 0.0 4.4028 0.0195 0.0168 0.0187 0.0198 0.0187
14.1558 153 6.2434 - - - - - -
14.3636 154 8.6958 - - - - - -
14.5714 155 8.9179 - - - - - -
14.7792 156 8.8463 - - - - - -
14.9870 157 7.763 - - - - - -
15.1948 158 0.3196 - - - - - -
15.4026 159 0.0 - - - - - -
15.6104 160 0.0 - - - - - -
15.8182 161 0.0 - - - - - -
16.0260 162 0.0 - - - - - -
16.2338 163 0.0 4.3585 0.0245 0.0194 0.0179 0.0204 0.0179
15.1818 164 7.1152 - - - - - -
15.3896 165 8.7409 - - - - - -
15.5974 166 8.5694 - - - - - -
15.8052 167 8.8148 - - - - - -
16.0130 168 6.6922 - - - - - -
16.2208 169 0.0542 - - - - - -
16.4286 170 0.0 - - - - - -
16.6364 171 0.0 - - - - - -
16.8442 172 0.0 - - - - - -
17.0519 173 0.0 - - - - - -
17.2597 174 0.0 4.3435 0.0176 0.0205 0.0173 0.0177 0.0173
16.2078 175 8.0733 - - - - - -
16.4156 176 8.482 - - - - - -
16.6234 177 8.666 - - - - - -
16.8312 178 8.5444 - - - - - -
17.0390 179 5.7039 - - - - - -
17.2468 180 0.0 - - - - - -
17.4545 181 0.0 - - - - - -
17.6623 182 0.0 - - - - - -
17.8701 183 0.0 - - - - - -
18.0779 184 0.0 4.3313 0.0213 0.0167 0.0167 0.0158 0.0167
17.0260 185 1.0143 - - - - - -
17.2338 186 8.0912 - - - - - -
17.4416 187 8.3122 - - - - - -
17.6494 188 8.6962 - - - - - -
17.8571 189 8.5256 - - - - - -
18.0649 190 4.5109 - - - - - -
18.2727 191 0.0 - - - - - -
18.4805 192 0.0 - - - - - -
18.6883 193 0.0 - - - - - -
18.8961 194 0.0 - - - - - -
19.1039 195 0.0 4.3153 0.0235 0.0172 0.0172 0.0197 0.0172
18.0519 196 1.9381 - - - - - -
18.2597 197 8.1258 - - - - - -
18.4675 198 8.1344 - - - - - -
18.6753 199 8.4505 - - - - - -
18.8831 200 8.5247 - - - - - -
19.0909 201 3.3637 - - - - - -
19.2987 202 0.0 - - - - - -
19.5065 203 0.0 - - - - - -
19.7143 204 0.0 - - - - - -
19.9221 205 0.0 - - - - - -
20.1299 206 0.0 4.3008 0.0208 0.0182 0.0177 0.0154 0.0177
19.0779 207 2.922 - - - - - -
19.2857 208 8.1163 - - - - - -
19.4935 209 8.0596 - - - - - -
19.7013 210 8.5134 - - - - - -
19.9091 211 8.2545 - - - - - -
20.1169 212 2.2737 - - - - - -
20.3247 213 0.0 - - - - - -
20.5325 214 0.0 - - - - - -
20.7403 215 0.0 - - - - - -
20.9481 216 0.0 - - - - - -
21.1558 217 0.0 4.3059 0.0196 0.0169 0.0179 0.0161 0.0179
20.1039 218 3.9272 - - - - - -
20.3117 219 8.0318 - - - - - -
20.5195 220 8.3357 - - - - - -
20.7273 221 8.4001 - - - - - -
20.9351 222 8.0041 - - - - - -
21.1429 223 1.3759 - - - - - -
21.3506 224 0.0 - - - - - -
21.5584 225 0.0 - - - - - -
21.7662 226 0.0 - - - - - -
21.9740 227 0.0 - - - - - -
22.1818 228 0.0 4.2931 0.0200 0.0190 0.0168 0.0207 0.0168
21.1299 229 4.9009 - - - - - -
21.3377 230 7.9678 - - - - - -
21.5455 231 8.3369 - - - - - -
21.7532 232 8.2538 - - - - - -
21.9610 233 7.6664 - - - - - -
22.1688 234 0.4545 - - - - - -
22.3766 235 0.0 - - - - - -
22.5844 236 0.0 - - - - - -
22.7922 237 0.0 - - - - - -
23.0 238 0.0 - - - - - -
23.2078 239 0.0 4.2801 0.0149 0.0184 0.0173 0.0184 0.0173
22.1558 240 5.7603 - - - - - -
22.3636 241 7.9198 - - - - - -
22.5714 242 8.2713 - - - - - -
22.7792 243 8.2599 - - - - - -
22.9870 244 7.036 - - - - - -
23.1948 245 0.1167 - - - - - -
23.4026 246 0.0 - - - - - -
23.6104 247 0.0 - - - - - -
23.8182 248 0.0 - - - - - -
24.0260 249 0.0 - - - - - -
24.2338 250 0.0 4.2917 0.0147 0.0163 0.0167 0.0236 0.0167
23.1818 251 6.5479 - - - - - -
23.3896 252 8.105 - - - - - -
23.5974 253 8.0753 - - - - - -
23.8052 254 8.2255 - - - - - -
24.0130 255 6.1602 - - - - - -
24.2208 256 0.0262 - - - - - -
24.4286 257 0.0 - - - - - -
24.6364 258 0.0 - - - - - -
24.8442 259 0.0 - - - - - -
25.0519 260 0.0 - - - - - -
25.2597 261 0.0 4.3040 0.0165 0.0162 0.0188 0.0239 0.0188
24.2078 262 7.5517 - - - - - -
24.4156 263 7.8564 - - - - - -
24.6234 264 8.0918 - - - - - -
24.8312 265 8.081 - - - - - -
25.0390 266 5.0826 - - - - - -
25.2468 267 0.0 - - - - - -
25.4545 268 0.0 - - - - - -
25.6623 269 0.0 - - - - - -
25.8701 270 0.0 - - - - - -
26.0779 271 0.0 4.2994 0.0161 0.0144 0.0172 0.0192 0.0172
25.0260 272 0.909 - - - - - -
25.2338 273 7.789 - - - - - -
25.4416 274 7.7371 - - - - - -
25.6494 275 8.1405 - - - - - -
25.8571 276 8.1115 - - - - - -
26.0649 277 3.9325 - - - - - -
26.2727 278 0.0 - - - - - -
26.4805 279 0.0 - - - - - -
26.6883 280 0.0 - - - - - -
26.8961 281 0.0 - - - - - -
27.1039 282 0.0 4.2830 0.0173 0.0160 0.0177 0.0227 0.0177
26.0519 283 1.8478 - - - - - -
26.2597 284 7.714 - - - - - -
26.4675 285 7.7586 - - - - - -
26.6753 286 7.9688 - - - - - -
26.8831 287 8.0274 - - - - - -
27.0909 288 3.0899 - - - - - -
27.2987 289 0.0 - - - - - -
27.5065 290 0.0 - - - - - -
27.7143 291 0.0 - - - - - -
27.9221 292 0.0 - - - - - -
28.1299 293 0.0 4.2810 0.0170 0.0157 0.0179 0.0175 0.0179
27.0779 294 2.748 - - - - - -
27.2857 295 7.6859 - - - - - -
27.4935 296 7.8324 - - - - - -
27.7013 297 8.0127 - - - - - -
27.9091 298 7.8179 - - - - - -
28.1169 299 2.0898 - - - - - -
28.3247 300 0.0 - - - - - -
28.5325 301 0.0 - - - - - -
28.7403 302 0.0 - - - - - -
28.9481 303 0.0 - - - - - -
29.1558 304 0.0 4.2870 0.0150 0.0150 0.0183 0.0191 0.0183
28.1039 305 3.7391 - - - - - -
28.3117 306 7.5468 - - - - - -
28.5195 307 7.8807 - - - - - -
28.7273 308 8.0605 - - - - - -
28.9351 309 7.6131 - - - - - -
29.1429 310 1.2148 - - - - - -
29.3506 311 0.0 - - - - - -
29.5584 312 0.0 - - - - - -
29.7662 313 0.0 - - - - - -
29.9740 314 0.0 - - - - - -
30.1818 315 0.0 4.3127 0.0168 0.0157 0.0176 0.0174 0.0176
29.1299 316 4.5267 - - - - - -
29.3377 317 7.6901 - - - - - -
29.5455 318 7.9617 - - - - - -
29.7532 319 7.9477 - - - - - -
29.9610 320 7.4422 - - - - - -
30.1688 321 0.3502 - - - - - -
30.3766 322 0.0 - - - - - -
30.5844 323 0.0 - - - - - -
30.7922 324 0.0 - - - - - -
31.0 325 0.0 - - - - - -
31.2078 326 0.0 4.3419 0.0161 0.0145 0.0162 0.0175 0.0162
30.1558 327 5.3874 - - - - - -
30.3636 328 7.76 - - - - - -
30.5714 329 7.8962 - - - - - -
30.7792 330 7.7976 - - - - - -
30.9870 331 6.6711 - - - - - -
31.1948 332 0.0734 - - - - - -
31.4026 333 0.0 - - - - - -
31.6104 334 0.0 - - - - - -
31.8182 335 0.0 - - - - - -
32.0260 336 0.0 - - - - - -
32.2338 337 0.0 4.3548 0.0166 0.0166 0.0174 0.0173 0.0174
31.1818 338 6.2732 - - - - - -
31.3896 339 7.9056 - - - - - -
31.5974 340 7.7107 - - - - - -
31.8052 341 7.8541 - - - - - -
32.0130 342 5.7646 - - - - - -
32.2208 343 0.0266 - - - - - -
32.4286 344 0.0 - - - - - -
32.6364 345 0.0 - - - - - -
32.8442 346 0.0 - - - - - -
33.0519 347 0.0 - - - - - -
33.2597 348 0.0 4.3991 0.0182 0.0160 0.0187 0.0165 0.0187
32.2078 349 7.2736 - - - - - -
32.4156 350 7.6644 - - - - - -
32.6234 351 7.8305 - - - - - -
32.8312 352 7.9194 - - - - - -
33.0390 353 4.9237 - - - - - -
33.2468 354 0.0 - - - - - -
33.4545 355 0.0 - - - - - -
33.6623 356 0.0 - - - - - -
33.8701 357 0.0 - - - - - -
34.0779 358 0.0 4.3917 0.0152 0.0147 0.0179 0.0162 0.0179
33.0260 359 0.8929 - - - - - -
33.2338 360 7.4717 - - - - - -
33.4416 361 7.5201 - - - - - -
33.6494 362 7.9295 - - - - - -
33.8571 363 7.799 - - - - - -
34.0649 364 3.8798 - - - - - -
34.2727 365 0.0 - - - - - -
34.4805 366 0.0 - - - - - -
34.6883 367 0.0 - - - - - -
34.8961 368 0.0 - - - - - -
35.1039 369 0.0 4.3889 0.0180 0.0150 0.0167 0.0152 0.0167
34.0519 370 1.7914 - - - - - -
34.2597 371 7.408 - - - - - -
34.4675 372 7.6101 - - - - - -
34.6753 373 7.7912 - - - - - -
34.8831 374 7.9382 - - - - - -
35.0909 375 2.8493 - - - - - -
35.2987 376 0.0 - - - - - -
35.5065 377 0.0 - - - - - -
35.7143 378 0.0 - - - - - -
35.9221 379 0.0 - - - - - -
36.1299 380 0.0 4.3788 0.0156 0.0154 0.0182 0.0171 0.0182
35.0779 381 2.5913 - - - - - -
35.2857 382 7.4368 - - - - - -
35.4935 383 7.6195 - - - - - -
35.7013 384 7.7516 - - - - - -
35.9091 385 7.6226 - - - - - -
36.1169 386 2.0046 - - - - - -
36.3247 387 0.0 - - - - - -
36.5325 388 0.0 - - - - - -
36.7403 389 0.0 - - - - - -
36.9481 390 0.0 - - - - - -
37.1558 391 0.0 4.3886 0.0159 0.0137 0.0189 0.0190 0.0189
36.1039 392 3.5538 - - - - - -
36.3117 393 7.4872 - - - - - -
36.5195 394 7.8119 - - - - - -
36.7273 395 7.7442 - - - - - -
36.9351 396 7.4972 - - - - - -
37.1429 397 1.1128 - - - - - -
37.3506 398 0.0 - - - - - -
37.5584 399 0.0 - - - - - -
37.7662 400 0.0 - - - - - -
37.9740 401 0.0 - - - - - -
38.1818 402 0.0 4.4111 0.0170 0.0146 0.0163 0.0176 0.0163
37.1299 403 4.3867 - - - - - -
37.3377 404 7.4087 - - - - - -
37.5455 405 7.7426 - - - - - -
37.7532 406 7.6988 - - - - - -
37.9610 407 7.1905 - - - - - -
38.1688 408 0.3813 - - - - - -
38.3766 409 0.0 - - - - - -
38.5844 410 0.0 - - - - - -
38.7922 411 0.0 - - - - - -
39.0 412 0.0 - - - - - -
39.2078 413 0.0 4.4314 0.0155 0.0155 0.0142 0.0166 0.0142
38.1558 414 5.2268 - - - - - -
38.3636 415 7.5852 - - - - - -
38.5714 416 7.6757 - - - - - -
38.7792 417 7.6849 - - - - - -
38.9870 418 6.583 - - - - - -
39.1948 419 0.048 - - - - - -
39.4026 420 0.0 - - - - - -
39.6104 421 0.0 - - - - - -
39.8182 422 0.0 - - - - - -
40.0260 423 0.0 - - - - - -
40.2338 424 0.0 4.4539 0.0164 0.0167 0.0164 0.0171 0.0164
39.1818 425 6.0851 - - - - - -
39.3896 426 7.7103 - - - - - -
39.5974 427 7.3671 - - - - - -
39.8052 428 7.6403 - - - - - -
40.0130 429 5.7028 - - - - - -
40.2208 430 0.0126 - - - - - -
40.4286 431 0.0 - - - - - -
40.6364 432 0.0 - - - - - -
40.8442 433 0.0 - - - - - -
41.0519 434 0.0 - - - - - -
41.2597 435 0.0 4.4903 0.0153 0.0142 0.0140 0.0163 0.0140
40.2078 436 7.1676 - - - - - -
40.4156 437 7.5437 - - - - - -
40.6234 438 7.6205 - - - - - -
40.8312 439 7.6997 - - - - - -
41.0390 440 4.6935 - - - - - -
41.2468 441 0.0 - - - - - -
41.4545 442 0.0 - - - - - -
41.6623 443 0.0 - - - - - -
41.8701 444 0.0 - - - - - -
42.0779 445 0.0 4.5014 0.0160 0.0173 0.0160 0.0185 0.0160
41.0260 446 0.872 - - - - - -
41.2338 447 7.2813 - - - - - -
41.4416 448 7.36 - - - - - -
41.6494 449 7.7647 - - - - - -
41.8571 450 7.6722 - - - - - -
42.0649 451 3.7806 - - - - - -
42.2727 452 0.0 - - - - - -
42.4805 453 0.0 - - - - - -
42.6883 454 0.0 - - - - - -
42.8961 455 0.0 - - - - - -
43.1039 456 0.0 4.4966 0.0170 0.0163 0.0157 0.0166 0.0157
42.0519 457 1.6846 - - - - - -
42.2597 458 7.3416 - - - - - -
42.4675 459 7.483 - - - - - -
42.6753 460 7.6158 - - - - - -
42.8831 461 7.706 - - - - - -
43.0909 462 2.7361 - - - - - -
43.2987 463 0.0 - - - - - -
43.5065 464 0.0 - - - - - -
43.7143 465 0.0 - - - - - -
43.9221 466 0.0 - - - - - -
44.1299 467 0.0 4.4814 0.0162 0.0147 0.0197 0.0158 0.0197
43.0779 468 2.4968 - - - - - -
43.2857 469 7.4064 - - - - - -
43.4935 470 7.5051 - - - - - -
43.7013 471 7.5947 - - - - - -
43.9091 472 7.5788 - - - - - -
44.1169 473 1.8813 - - - - - -
44.3247 474 0.0 - - - - - -
44.5325 475 0.0 - - - - - -
44.7403 476 0.0 - - - - - -
44.9481 477 0.0 - - - - - -
45.1558 478 0.0 4.5057 0.0134 0.0117 0.0167 0.0138 0.0167
44.1039 479 3.4857 - - - - - -
44.3117 480 7.2396 - - - - - -
44.5195 481 7.6299 - - - - - -
44.7273 482 7.6626 - - - - - -
44.9351 483 7.3528 - - - - - -
45.1429 484 1.0826 - - - - - -
45.3506 485 0.0 - - - - - -
45.5584 486 0.0 - - - - - -
45.7662 487 0.0 - - - - - -
45.9740 488 0.0 - - - - - -
46.1818 489 0.0 4.5125 0.0189 0.0135 0.0150 0.0138 0.0150
45.1299 490 4.2483 - - - - - -
45.3377 491 7.3123 - - - - - -
45.5455 492 7.6738 - - - - - -
45.7532 493 7.4941 - - - - - -
45.9610 494 7.1088 - - - - - -
46.1688 495 0.3212 - - - - - -
46.3766 496 0.0 - - - - - -
46.5844 497 0.0 - - - - - -
46.7922 498 0.0 - - - - - -
47.0 499 0.0 - - - - - -
47.2078 500 0.0 4.5392 0.0143 0.0140 0.0160 0.0136 0.0160
46.1558 501 5.1171 - - - - - -
46.3636 502 7.4987 - - - - - -
46.5714 503 7.5518 - - - - - -
46.7792 504 7.5816 - - - - - -
46.9870 505 6.4052 - - - - - -
47.1948 506 0.0528 - - - - - -
47.4026 507 0.0 - - - - - -
47.6104 508 0.0 - - - - - -
47.8182 509 0.0 - - - - - -
48.0260 510 0.0 - - - - - -
48.2338 511 0.0 4.5543 0.0136 0.0144 0.0154 0.0127 0.0154
47.1818 512 6.0174 - - - - - -
47.3896 513 7.6895 - - - - - -
47.5974 514 7.4137 - - - - - -
47.8052 515 7.4105 - - - - - -
48.0130 516 5.5032 - - - - - -
48.2208 517 0.0151 - - - - - -
48.4286 518 0.0 - - - - - -
48.6364 519 0.0 - - - - - -
48.8442 520 0.0 - - - - - -
49.0519 521 0.0 - - - - - -
49.2597 522 0.0 4.5963 0.0138 0.0145 0.0159 0.0120 0.0159
48.2078 523 7.0325 - - - - - -
48.4156 524 7.5043 - - - - - -
48.6234 525 7.523 - - - - - -
48.8312 526 7.5608 - - - - - -
49.0390 527 4.5061 - - - - - -
49.2468 528 0.0 - - - - - -
49.4545 529 0.0 - - - - - -
49.6623 530 0.0 - - - - - -
49.8701 531 0.0 - - - - - -
50.0779 532 0.0 4.6114 0.0130 0.0129 0.0157 0.0132 0.0157
49.0260 533 0.8001 - - - - - -
49.2338 534 7.0813 - - - - - -
49.4416 535 7.3564 - - - - - -
49.6494 536 7.4496 - - - - - -
49.8571 537 7.5529 - - - - - -
50.0649 538 3.6664 - - - - - -
50.2727 539 0.0 - - - - - -
50.4805 540 0.0 - - - - - -
50.6883 541 0.0 - - - - - -
50.8961 542 0.0 - - - - - -
51.1039 543 0.0 4.6328 0.0132 0.0147 0.0121 0.0147 0.0121
50.0519 544 1.6037 - - - - - -
50.2597 545 7.356 - - - - - -
50.4675 546 7.3601 - - - - - -
50.6753 547 7.4734 - - - - - -
50.8831 548 7.5572 - - - - - -
51.0909 549 2.6647 - - - - - -
51.2987 550 0.0 - - - - - -
51.5065 551 0.0 - - - - - -
51.7143 552 0.0 - - - - - -
51.9221 553 0.0 - - - - - -
52.1299 554 0.0 4.6440 0.0148 0.0129 0.0140 0.0117 0.0140
51.0779 555 2.473 - - - - - -
51.2857 556 7.1708 - - - - - -
51.4935 557 7.449 - - - - - -
51.7013 558 7.4766 - - - - - -
51.9091 559 7.3966 - - - - - -
52.1169 560 1.8705 - - - - - -
52.3247 561 0.0 - - - - - -
52.5325 562 0.0 - - - - - -
52.7403 563 0.0 - - - - - -
52.9481 564 0.0 - - - - - -
53.1558 565 0.0 4.6787 0.0114 0.0102 0.0110 0.0110 0.0110
52.1039 566 3.359 - - - - - -
52.3117 567 7.2423 - - - - - -
52.5195 568 7.6356 - - - - - -
52.7273 569 7.5233 - - - - - -
52.9351 570 7.2953 - - - - - -
53.1429 571 1.0308 - - - - - -
53.3506 572 0.0 - - - - - -
53.5584 573 0.0 - - - - - -
53.7662 574 0.0 - - - - - -
53.9740 575 0.0 - - - - - -
54.1818 576 0.0 4.6988 0.0118 0.0107 0.0116 0.0114 0.0116
53.1299 577 4.1955 - - - - - -
53.3377 578 7.2213 - - - - - -
53.5455 579 7.6231 - - - - - -
53.7532 580 7.3984 - - - - - -
53.9610 581 6.992 - - - - - -
54.1688 582 0.2648 - - - - - -
54.3766 583 0.0 - - - - - -
54.5844 584 0.0 - - - - - -
54.7922 585 0.0 - - - - - -
55.0 586 0.0 - - - - - -
55.2078 587 0.0 4.7061 0.0122 0.0117 0.0116 0.0113 0.0116
54.1558 588 5.0392 - - - - - -
54.3636 589 7.4406 - - - - - -
54.5714 590 7.4609 - - - - - -
54.7792 591 7.3592 - - - - - -
54.9870 592 6.4843 - - - - - -
55.1948 593 0.0511 - - - - - -
55.4026 594 0.0 - - - - - -
55.6104 595 0.0 - - - - - -
55.8182 596 0.0 - - - - - -
56.0260 597 0.0 - - - - - -
56.2338 598 0.0 4.7053 0.0123 0.0102 0.0152 0.0119 0.0152
55.1818 599 5.9455 - - - - - -
55.3896 600 7.619 - - - - - -
55.5974 601 7.3291 - - - - - -
55.8052 602 7.4789 - - - - - -
56.0130 603 5.4655 - - - - - -
56.2208 604 0.023 - - - - - -
56.4286 605 0.0 - - - - - -
56.6364 606 0.0 - - - - - -
56.8442 607 0.0 - - - - - -
57.0519 608 0.0 - - - - - -
57.2597 609 0.0 4.7178 0.0118 0.0112 0.0166 0.0121 0.0166
56.2078 610 6.8717 - - - - - -
56.4156 611 7.4228 - - - - - -
56.6234 612 7.379 - - - - - -
56.8312 613 7.4155 - - - - - -
57.0390 614 4.5467 - - - - - -
57.2468 615 0.0 - - - - - -
57.4545 616 0.0 - - - - - -
57.6623 617 0.0 - - - - - -
57.8701 618 0.0 - - - - - -
58.0779 619 0.0 4.7398 0.0117 0.0103 0.0153 0.0125 0.0153
57.0260 620 0.7938 - - - - - -
57.2338 621 7.0473 - - - - - -
57.4416 622 7.2101 - - - - - -
57.6494 623 7.4568 - - - - - -
57.8571 624 7.362 - - - - - -
58.0649 625 3.5466 - - - - - -
58.2727 626 0.0 - - - - - -
58.4805 627 0.0 - - - - - -
58.6883 628 0.0 - - - - - -
58.8961 629 0.0 - - - - - -
59.1039 630 0.0 4.7274 0.0121 0.0101 0.0150 0.0117 0.0150
58.0519 631 1.6201 - - - - - -
58.2597 632 7.1258 - - - - - -
58.4675 633 7.2008 - - - - - -
58.6753 634 7.43 - - - - - -
58.8831 635 7.4499 - - - - - -
59.0909 636 2.613 - - - - - -
59.2987 637 0.0 - - - - - -
59.5065 638 0.0 - - - - - -
59.7143 639 0.0 - - - - - -
59.9221 640 0.0 - - - - - -
60.1299 641 0.0 4.7071 0.0123 0.0107 0.0153 0.0122 0.0153
59.0779 642 2.5259 - - - - - -
59.2857 643 7.2106 - - - - - -
59.4935 644 7.3457 - - - - - -
59.7013 645 7.3828 - - - - - -
59.9091 646 7.3947 - - - - - -
60.1169 647 1.8202 - - - - - -
60.3247 648 0.0 - - - - - -
60.5325 649 0.0 - - - - - -
60.7403 650 0.0 - - - - - -
60.9481 651 0.0 - - - - - -
61.1558 652 0.0 4.7213 0.0151 0.0121 0.0165 0.0131 0.0165
60.1039 653 3.3971 - - - - - -
60.3117 654 7.1733 - - - - - -
60.5195 655 7.516 - - - - - -
60.7273 656 7.5155 - - - - - -
60.9351 657 7.2831 - - - - - -
61.1429 658 0.9786 - - - - - -
61.3506 659 0.0 - - - - - -
61.5584 660 0.0 - - - - - -
61.7662 661 0.0 - - - - - -
61.9740 662 0.0 - - - - - -
62.1818 663 0.0 4.7531 0.0121 0.0113 0.0162 0.0114 0.0162
61.1299 664 4.173 - - - - - -
61.3377 665 7.245 - - - - - -
61.5455 666 7.5318 - - - - - -
61.7532 667 7.4568 - - - - - -
61.9610 668 6.9783 - - - - - -
62.1688 669 0.2537 - - - - - -
62.3766 670 0.0 - - - - - -
62.5844 671 0.0 - - - - - -
62.7922 672 0.0 - - - - - -
63.0 673 0.0 - - - - - -
63.2078 674 0.0 4.7557 0.0128 0.0113 0.0169 0.0117 0.0169
62.1558 675 4.981 - - - - - -
62.3636 676 7.4682 - - - - - -
62.5714 677 7.4148 - - - - - -
62.7792 678 7.3761 - - - - - -
62.9870 679 6.348 - - - - - -
63.1948 680 0.0441 - - - - - -
63.4026 681 0.0 - - - - - -
63.6104 682 0.0 - - - - - -
63.8182 683 0.0 - - - - - -
64.0260 684 0.0 - - - - - -
64.2338 685 0.0 4.7692 0.0136 0.0120 0.0171 0.0138 0.0171
63.1818 686 5.9373 - - - - - -
63.3896 687 7.5502 - - - - - -
63.5974 688 7.3094 - - - - - -
63.8052 689 7.5772 - - - - - -
64.0130 690 5.3969 - - - - - -
64.2208 691 0.0155 - - - - - -
64.4286 692 0.0 - - - - - -
64.6364 693 0.0 - - - - - -
64.8442 694 0.0 - - - - - -
65.0519 695 0.0 - - - - - -
65.2597 696 0.0 4.7701 0.0131 0.0117 0.0151 0.0127 0.0151
64.2078 697 6.8661 - - - - - -
64.4156 698 7.2924 - - - - - -
64.6234 699 7.3893 - - - - - -
64.8312 700 7.3872 - - - - - -
65.0390 701 4.5448 - - - - - -
65.2468 702 0.0 - - - - - -
65.4545 703 0.0 - - - - - -
65.6623 704 0.0 - - - - - -
65.8701 705 0.0 - - - - - -
66.0779 706 0.0 4.7611 0.0123 0.0118 0.0164 0.0140 0.0164
65.0260 707 0.7651 - - - - - -
65.2338 708 7.0782 - - - - - -
65.4416 709 7.1794 - - - - - -
65.6494 710 7.5983 - - - - - -
65.8571 711 7.4925 - - - - - -
66.0649 712 3.57 - - - - - -
66.2727 713 0.0 - - - - - -
66.4805 714 0.0 - - - - - -
66.6883 715 0.0 - - - - - -
66.8961 716 0.0 - - - - - -
67.1039 717 0.0 4.7513 0.0132 0.0113 0.0162 0.0111 0.0162
66.0519 718 1.5521 - - - - - -
66.2597 719 7.1449 - - - - - -
66.4675 720 7.2605 - - - - - -
66.6753 721 7.3116 - - - - - -
66.8831 722 7.451 - - - - - -
67.0909 723 2.6562 - - - - - -
67.2987 724 0.0 - - - - - -
67.5065 725 0.0 - - - - - -
67.7143 726 0.0 - - - - - -
67.9221 727 0.0 - - - - - -
68.1299 728 0.0 4.7756 0.0141 0.0103 0.0151 0.0129 0.0151
67.0779 729 2.491 - - - - - -
67.2857 730 7.1615 - - - - - -
67.4935 731 7.3977 - - - - - -
67.7013 732 7.3955 - - - - - -
67.9091 733 7.362 - - - - - -
68.1169 734 1.7982 - - - - - -
68.3247 735 0.0 - - - - - -
68.5325 736 0.0 - - - - - -
68.7403 737 0.0 - - - - - -
68.9481 738 0.0 - - - - - -
69.1558 739 0.0 4.7912 0.0129 0.0100 0.0147 0.0132 0.0147
68.1039 740 3.3491 - - - - - -
68.3117 741 7.1672 - - - - - -
68.5195 742 7.5027 - - - - - -
68.7273 743 7.4251 - - - - - -
68.9351 744 7.1793 - - - - - -
69.1429 745 0.9875 - - - - - -
69.3506 746 0.0 - - - - - -
69.5584 747 0.0 - - - - - -
69.7662 748 0.0 - - - - - -
69.9740 749 0.0 - - - - - -
70.1818 750 0.0 4.7842 0.0147 0.0128 0.0161 0.0127 0.0161
69.1299 751 4.1233 - - - - - -
69.3377 752 7.1709 - - - - - -
69.5455 753 7.5342 - - - - - -
69.7532 754 7.317 - - - - - -
69.9610 755 7.0285 - - - - - -
70.1688 756 0.2458 - - - - - -
70.3766 757 0.0 - - - - - -
70.5844 758 0.0 - - - - - -
70.7922 759 0.0 - - - - - -
71.0 760 0.0 - - - - - -
71.2078 761 0.0 4.7789 0.0156 0.0132 0.0147 0.0113 0.0147
70.1558 762 4.9577 - - - - - -
70.3636 763 7.3659 - - - - - -
70.5714 764 7.4643 - - - - - -
70.7792 765 7.3324 - - - - - -
70.9870 766 6.2259 - - - - - -
71.1948 767 0.04 - - - - - -
71.4026 768 0.0 - - - - - -
71.6104 769 0.0 - - - - - -
71.8182 770 0.0 - - - - - -
72.0260 771 0.0 - - - - - -
72.2338 772 0.0 4.7874 0.0189 0.0150 0.0162 0.0135 0.0162
71.1818 773 5.9325 - - - - - -
71.3896 774 7.5038 - - - - - -
71.5974 775 7.1174 - - - - - -
71.8052 776 7.4091 - - - - - -
72.0130 777 5.4085 - - - - - -
72.2208 778 0.0191 - - - - - -
72.4286 779 0.0 - - - - - -
72.6364 780 0.0 - - - - - -
72.8442 781 0.0 - - - - - -
73.0519 782 0.0 - - - - - -
73.2597 783 0.0 4.8036 0.0188 0.0137 0.0162 0.0134 0.0162
72.2078 784 6.8222 - - - - - -
72.4156 785 7.2792 - - - - - -
72.6234 786 7.3136 - - - - - -
72.8312 787 7.3648 - - - - - -
73.0390 788 4.5499 - - - - - -
73.2468 789 0.0 - - - - - -
73.4545 790 0.0 - - - - - -
73.6623 791 0.0 - - - - - -
73.8701 792 0.0 - - - - - -
74.0779 793 0.0 4.8129 0.0163 0.0165 0.0164 0.0119 0.0164
73.0260 794 0.7648 - - - - - -
73.2338 795 6.9802 - - - - - -
73.4416 796 7.2408 - - - - - -
73.6494 797 7.5073 - - - - - -
73.8571 798 7.3596 - - - - - -
74.0649 799 3.472 - - - - - -
74.2727 800 0.0 - - - - - -
74.4805 801 0.0 - - - - - -
74.6883 802 0.0 - - - - - -
74.8961 803 0.0 - - - - - -
75.1039 804 0.0 4.8143 0.0175 0.0153 0.0160 0.0116 0.0160
74.0519 805 1.5737 - - - - - -
74.2597 806 7.0902 - - - - - -
74.4675 807 7.3219 - - - - - -
74.6753 808 7.289 - - - - - -
74.8831 809 7.4586 - - - - - -
75.0909 810 2.662 - - - - - -
75.2987 811 0.0 - - - - - -
75.5065 812 0.0 - - - - - -
75.7143 813 0.0 - - - - - -
75.9221 814 0.0 - - - - - -
76.1299 815 0.0 4.8238 0.0122 0.0135 0.0149 0.0117 0.0149
75.0779 816 2.458 - - - - - -
75.2857 817 7.1572 - - - - - -
75.4935 818 7.3594 - - - - - -
75.7013 819 7.2714 - - - - - -
75.9091 820 7.3854 - - - - - -
76.1169 821 1.7888 - - - - - -
76.3247 822 0.0 - - - - - -
76.5325 823 0.0 - - - - - -
76.7403 824 0.0 - - - - - -
76.9481 825 0.0 - - - - - -
77.1558 826 0.0 4.8363 0.0119 0.0103 0.0151 0.0114 0.0151
76.1039 827 3.2782 - - - - - -
76.3117 828 7.079 - - - - - -
76.5195 829 7.5575 - - - - - -
76.7273 830 7.3362 - - - - - -
76.9351 831 7.2212 - - - - - -
77.1429 832 0.9541 - - - - - -
77.3506 833 0.0 - - - - - -
77.5584 834 0.0 - - - - - -
77.7662 835 0.0 - - - - - -
77.9740 836 0.0 - - - - - -
78.1818 837 0.0 4.8422 0.0128 0.0102 0.0155 0.0116 0.0155
77.1299 838 4.0928 - - - - - -
77.3377 839 7.1662 - - - - - -
77.5455 840 7.4202 - - - - - -
77.7532 841 7.2661 - - - - - -
77.9610 842 6.8595 - - - - - -
78.1688 843 0.2379 - - - - - -
78.3766 844 0.0 - - - - - -
78.5844 845 0.0 - - - - - -
78.7922 846 0.0 - - - - - -
79.0 847 0.0 - - - - - -
79.2078 848 0.0 4.8560 0.0122 0.0100 0.0148 0.0106 0.0148
78.1558 849 4.9675 - - - - - -
78.3636 850 7.3108 - - - - - -
78.5714 851 7.34 - - - - - -
78.7792 852 7.1996 - - - - - -
78.9870 853 6.291 - - - - - -
79.1948 854 0.0447 - - - - - -
79.4026 855 0.0 - - - - - -
79.6104 856 0.0 - - - - - -
79.8182 857 0.0 - - - - - -
80.0260 858 0.0 - - - - - -
80.2338 859 0.0 4.8660 0.0149 0.0104 0.0154 0.0110 0.0154
79.1818 860 5.7709 - - - - - -
79.3896 861 7.3581 - - - - - -
79.5974 862 7.1323 - - - - - -
79.8052 863 7.4458 - - - - - -
80.0130 864 5.3148 - - - - - -
80.2208 865 0.0109 - - - - - -
80.4286 866 0.0 - - - - - -
80.6364 867 0.0 - - - - - -
80.8442 868 0.0 - - - - - -
81.0519 869 0.0 - - - - - -
81.2597 870 0.0 4.8764 0.0186 0.0117 0.0152 0.0139 0.0152
80.2078 871 6.6485 - - - - - -
80.4156 872 7.337 - - - - - -
80.6234 873 7.2961 - - - - - -
80.8312 874 7.3157 - - - - - -
81.0390 875 4.5201 - - - - - -
81.2468 876 0.0 - - - - - -
81.4545 877 0.0 - - - - - -
81.6623 878 0.0 - - - - - -
81.8701 879 0.0 - - - - - -
82.0779 880 0.0 4.8775 0.0168 0.0121 0.0172 0.0127 0.0172
81.0260 881 0.7362 - - - - - -
81.2338 882 6.8998 - - - - - -
81.4416 883 7.1002 - - - - - -
81.6494 884 7.4306 - - - - - -
81.8571 885 7.3814 - - - - - -
82.0649 886 3.3932 - - - - - -
82.2727 887 0.0 - - - - - -
82.4805 888 0.0 - - - - - -
82.6883 889 0.0 - - - - - -
82.8961 890 0.0 - - - - - -
83.1039 891 0.0 4.8800 0.0173 0.0117 0.0119 0.0108 0.0119
82.0519 892 1.5468 - - - - - -
82.2597 893 7.0617 - - - - - -
82.4675 894 7.082 - - - - - -
82.6753 895 7.2562 - - - - - -
82.8831 896 7.4748 - - - - - -
83.0909 897 2.5703 - - - - - -
83.2987 898 0.0 - - - - - -
83.5065 899 0.0 - - - - - -
83.7143 900 0.0 - - - - - -
83.9221 901 0.0 - - - - - -
84.1299 902 0.0 4.8707 0.0178 0.0115 0.0131 0.0119 0.0131
83.0779 903 2.441 - - - - - -
83.2857 904 7.0533 - - - - - -
83.4935 905 7.3205 - - - - - -
83.7013 906 7.3642 - - - - - -
83.9091 907 7.2379 - - - - - -
84.1169 908 1.7564 - - - - - -
84.3247 909 0.0 - - - - - -
84.5325 910 0.0 - - - - - -
84.7403 911 0.0 - - - - - -
84.9481 912 0.0 - - - - - -
85.1558 913 0.0 4.8657 0.0178 0.0118 0.0128 0.0110 0.0128
84.1039 914 3.3026 - - - - - -
84.3117 915 7.0789 - - - - - -
84.5195 916 7.4591 - - - - - -
84.7273 917 7.273 - - - - - -
84.9351 918 7.1082 - - - - - -
85.1429 919 0.9186 - - - - - -
85.3506 920 0.0 - - - - - -
85.5584 921 0.0 - - - - - -
85.7662 922 0.0 - - - - - -
85.9740 923 0.0 - - - - - -
86.1818 924 0.0 4.8639 0.0172 0.0118 0.0136 0.0102 0.0136
85.1299 925 4.0848 - - - - - -
85.3377 926 7.1692 - - - - - -
85.5455 927 7.4042 - - - - - -
85.7532 928 7.1135 - - - - - -
85.9610 929 7.0007 - - - - - -
86.1688 930 0.2473 - - - - - -
86.3766 931 0.0 - - - - - -
86.5844 932 0.0 - - - - - -
86.7922 933 0.0 - - - - - -
87.0 934 0.0 - - - - - -
87.2078 935 0.0 4.8762 0.0173 0.0105 0.0130 0.0123 0.0130
86.1558 936 4.891 - - - - - -
86.3636 937 7.4258 - - - - - -
86.5714 938 7.2131 - - - - - -
86.7792 939 7.3351 - - - - - -
86.9870 940 6.1357 - - - - - -
87.1948 941 0.0457 - - - - - -
87.4026 942 0.0 - - - - - -
87.6104 943 0.0 - - - - - -
87.8182 944 0.0 - - - - - -
88.0260 945 0.0 - - - - - -
88.2338 946 0.0 4.8809 0.0171 0.0101 0.0147 0.0112 0.0147
87.1818 947 5.8801 - - - - - -
87.3896 948 7.6007 - - - - - -
87.5974 949 7.1204 - - - - - -
87.8052 950 7.397 - - - - - -
88.0130 951 5.2953 - - - - - -
88.2208 952 0.0156 - - - - - -
88.4286 953 0.0 - - - - - -
88.6364 954 0.0 - - - - - -
88.8442 955 0.0 - - - - - -
89.0519 956 0.0 - - - - - -
89.2597 957 0.0 4.8830 0.0190 0.0109 0.0154 0.0115 0.0154
88.2078 958 6.7912 - - - - - -
88.4156 959 7.247 - - - - - -
88.6234 960 7.2763 - - - - - -
88.8312 961 7.3154 - - - - - -
89.0390 962 4.3875 - - - - - -
89.2468 963 0.0 - - - - - -
89.4545 964 0.0 - - - - - -
89.6623 965 0.0 - - - - - -
89.8701 966 0.0 - - - - - -
90.0779 967 0.0 4.8821 0.0170 0.0104 0.0165 0.0107 0.0165
89.0260 968 0.7708 - - - - - -
89.2338 969 7.007 - - - - - -
89.4416 970 7.1798 - - - - - -
89.6494 971 7.4113 - - - - - -
89.8571 972 7.4355 - - - - - -
90.0649 973 3.4288 - - - - - -
90.2727 974 0.0 - - - - - -
90.4805 975 0.0 - - - - - -
90.6883 976 0.0 - - - - - -
90.8961 977 0.0 - - - - - -
91.1039 978 0.0 4.8834 0.0187 0.0119 0.0154 0.0116 0.0154
90.0519 979 1.514 - - - - - -
90.2597 980 7.1456 - - - - - -
90.4675 981 7.1227 - - - - - -
90.6753 982 7.2247 - - - - - -
90.8831 983 7.4027 - - - - - -
91.0909 984 2.5356 - - - - - -
91.2987 985 0.0 - - - - - -
91.5065 986 0.0 - - - - - -
91.7143 987 0.0 - - - - - -
91.9221 988 0.0 - - - - - -
92.1299 989 0.0 4.8838 0.0171 0.0100 0.0147 0.0094 0.0147
91.0779 990 2.4171 - - - - - -
91.2857 991 7.0018 - - - - - -
91.4935 992 7.3088 - - - - - -
91.7013 993 7.1876 - - - - - -
91.9091 994 7.2323 - - - - - -
92.1169 995 1.7208 - - - - - -
92.3247 996 0.0 - - - - - -
92.5325 997 0.0 - - - - - -
92.7403 998 0.0 - - - - - -
92.9481 999 0.0 - - - - - -
93.1558 1000 0.0 4.8879 0.0212 0.0104 0.0170 0.0111 0.0170
92.1039 1001 3.195 - - - - - -
92.3117 1002 6.9829 - - - - - -
92.5195 1003 7.4236 - - - - - -
92.7273 1004 7.2851 - - - - - -
92.9351 1005 7.0908 - - - - - -
93.1429 1006 0.8812 - - - - - -
93.3506 1007 0.0 - - - - - -
93.5584 1008 0.0 - - - - - -
93.7662 1009 0.0 - - - - - -
93.9740 1010 0.0 - - - - - -
94.1818 1011 0.0 4.8923 0.0173 0.0113 0.0165 0.0109 0.0165
93.1299 1012 4.1523 - - - - - -
93.3377 1013 7.1972 - - - - - -
93.5455 1014 7.4551 - - - - - -
93.7532 1015 7.1838 - - - - - -
93.9610 1016 6.9419 - - - - - -
94.1688 1017 0.258 - - - - - -
94.3766 1018 0.0 - - - - - -
94.5844 1019 0.0 - - - - - -
94.7922 1020 0.0 - - - - - -
95.0 1021 0.0 - - - - - -
95.2078 1022 0.0 4.8934 0.0166 0.0095 0.0120 0.0103 0.0120
94.1558 1023 4.8266 - - - - - -
94.3636 1024 7.3285 - - - - - -
94.5714 1025 7.2382 - - - - - -
94.7792 1026 7.2918 - - - - - -
94.9870 1027 6.2098 - - - - - -
95.1948 1028 0.0248 - - - - - -
95.4026 1029 0.0 - - - - - -
95.6104 1030 0.0 - - - - - -
95.8182 1031 0.0 - - - - - -
96.0260 1032 0.0 - - - - - -
96.2338 1033 0.0 4.8934 0.0171 0.0099 0.0149 0.0107 0.0149
95.1818 1034 5.8262 - - - - - -
95.3896 1035 7.3389 - - - - - -
95.5974 1036 7.0455 - - - - - -
95.8052 1037 7.3572 - - - - - -
96.0130 1038 5.2734 - - - - - -
96.2208 1039 0.0078 - - - - - -
96.4286 1040 0.0 - - - - - -
96.6364 1041 0.0 - - - - - -
96.8442 1042 0.0 - - - - - -
97.0519 1043 0.0 - - - - - -
97.2597 1044 0.0 4.8943 0.0172 0.0107 0.0124 0.0107 0.0124
96.2078 1045 6.7496 - - - - - -
96.4156 1046 7.366 - - - - - -
96.6234 1047 7.2548 - - - - - -
96.8312 1048 7.2996 - - - - - -
97.0390 1049 4.3651 - - - - - -
97.2468 1050 0.0 - - - - - -
97.4545 1051 0.0 - - - - - -
97.6623 1052 0.0 - - - - - -
97.8701 1053 0.0 - - - - - -
98.0779 1054 0.0 4.8983 0.0165 0.0113 0.0121 0.0098 0.0121
97.0260 1055 0.7523 - - - - - -
97.2338 1056 6.9402 - - - - - -
97.4416 1057 7.137 - - - - - -
97.6494 1058 7.3923 - - - - - -
97.8571 1059 7.4028 - - - - - -
98.0649 1060 3.451 - - - - - -
98.2727 1061 0.0 - - - - - -
98.4805 1062 0.0 - - - - - -
98.6883 1063 0.0 - - - - - -
98.8961 1064 0.0 - - - - - -
99.1039 1065 0.0 4.8998 0.0187 0.0113 0.0134 0.0117 0.0134
98.0519 1066 1.5102 - - - - - -
98.2597 1067 7.0747 - - - - - -
98.4675 1068 7.2223 - - - - - -
98.6753 1069 7.1735 - - - - - -
98.8831 1070 7.4117 - - - - - -
99.0909 1071 2.5794 - - - - - -
99.2987 1072 0.0 - - - - - -
99.5065 1073 0.0 - - - - - -
99.7143 1074 0.0 - - - - - -
99.9221 1075 0.0 - - - - - -
100.1299 1076 0.0 4.9001 0.0174 0.0100 0.0150 0.0112 0.0150
99.0779 1077 2.3835 - - - - - -
99.2857 1078 7.0302 - - - - - -
99.4935 1079 7.2937 - - - - - -
99.7013 1080 7.1842 - - - - - -
99.9091 1081 7.2119 - - - - - -
100.1169 1082 1.7232 - - - - - -
100.3247 1083 0.0 - - - - - -
100.5325 1084 0.0 - - - - - -
100.7403 1085 0.0 - - - - - -
100.9481 1086 0.0 - - - - - -
101.1558 1087 0.0 4.9048 0.0184 0.0108 0.0122 0.0105 0.0122
100.1039 1088 3.2085 - - - - - -
100.3117 1089 7.0922 - - - - - -
100.5195 1090 7.4453 - - - - - -
100.7273 1091 7.2092 - - - - - -
100.9351 1092 7.0095 - - - - - -
101.1429 1093 0.9764 - - - - - -
101.3506 1094 0.0 - - - - - -
101.5584 1095 0.0 - - - - - -
101.7662 1096 0.0 - - - - - -
101.9740 1097 0.0 - - - - - -
102.1818 1098 0.0 4.9040 0.0138 0.0103 0.0167 0.0114 0.0167
101.1299 1099 4.1572 - - - - - -
101.3377 1100 7.0712 - - - - - -
101.5455 1101 7.3892 - - - - - -
101.7532 1102 7.2854 - - - - - -
101.9610 1103 6.9395 - - - - - -
102.1688 1104 0.2527 - - - - - -
102.3766 1105 0.0 - - - - - -
102.5844 1106 0.0 - - - - - -
102.7922 1107 0.0 - - - - - -
103.0 1108 0.0 - - - - - -
103.2078 1109 0.0 4.9040 0.0157 0.0129 0.0165 0.0119 0.0165
102.1558 1110 4.8664 - - - - - -
102.3636 1111 7.2066 - - - - - -
102.5714 1112 7.3654 - - - - - -
102.7792 1113 7.3292 - - - - - -
102.9870 1114 6.3064 - - - - - -
103.1948 1115 0.0578 - - - - - -
103.4026 1116 0.0 - - - - - -
103.6104 1117 0.0 - - - - - -
103.8182 1118 0.0 - - - - - -
104.0260 1119 0.0 - - - - - -
104.2338 1120 0.0 4.9041 0.0186 0.0100 0.0122 0.0102 0.0122
103.1818 1121 5.9061 - - - - - -
103.3896 1122 7.4147 - - - - - -
103.5974 1123 7.2213 - - - - - -
103.8052 1124 7.2518 - - - - - -
104.0130 1125 5.2947 - - - - - -
104.2208 1126 0.0086 - - - - - -
104.4286 1127 0.0 - - - - - -
104.6364 1128 0.0 - - - - - -
104.8442 1129 0.0 - - - - - -
105.0519 1130 0.0 - - - - - -
105.2597 1131 0.0 4.9044 0.0143 0.0114 0.0152 0.0107 0.0152
104.2078 1132 6.7405 - - - - - -
104.4156 1133 7.3468 - - - - - -
104.6234 1134 7.1923 - - - - - -
104.8312 1135 7.3162 - - - - - -
105.0390 1136 4.4502 - - - - - -
105.2468 1137 0.0 - - - - - -
105.4545 1138 0.0 - - - - - -
105.6623 1139 0.0 - - - - - -
105.8701 1140 0.0 - - - - - -
106.0779 1141 0.0 4.9045 0.0171 0.0099 0.0125 0.0103 0.0125
105.0260 1142 0.7863 - - - - - -
105.2338 1143 6.9397 - - - - - -
105.4416 1144 7.0708 - - - - - -
105.6494 1145 7.3346 - - - - - -
105.8571 1146 7.286 - - - - - -
106.0649 1147 3.4373 - - - - - -
106.2727 1148 0.0 - - - - - -
106.4805 1149 0.0 - - - - - -
106.6883 1150 0.0 - - - - - -
106.8961 1151 0.0 - - - - - -
107.1039 1152 0.0 4.9037 0.0139 0.0101 0.0138 0.0102 0.0138
106.0519 1153 1.5296 - - - - - -
106.2597 1154 7.1443 - - - - - -
106.4675 1155 7.2283 - - - - - -
106.6753 1156 7.3585 - - - - - -
106.8831 1157 7.2205 - - - - - -
107.0909 1158 2.5759 - - - - - -
107.2987 1159 0.0 - - - - - -
107.5065 1160 0.0 - - - - - -
107.7143 1161 0.0 - - - - - -
107.9221 1162 0.0 - - - - - -
108.1299 1163 0.0 4.9056 0.0170 0.0100 0.0125 0.0108 0.0125
107.0779 1164 2.4286 - - - - - -
107.2857 1165 7.1156 - - - - - -
107.4935 1166 7.2695 - - - - - -
107.7013 1167 7.2653 - - - - - -
107.9091 1168 7.2675 - - - - - -
108.1169 1169 1.7527 - - - - - -
108.3247 1170 0.0 - - - - - -
108.5325 1171 0.0 - - - - - -
108.7403 1172 0.0 - - - - - -
108.9481 1173 0.0 - - - - - -
109.1558 1174 0.0 4.9052 0.0137 0.0101 0.0129 0.0111 0.0129
108.1039 1175 3.2648 - - - - - -
108.3117 1176 7.1925 - - - - - -
108.5195 1177 7.5201 - - - - - -
108.7273 1178 7.4072 - - - - - -
108.9351 1179 7.0738 - - - - - -
109.1429 1180 0.9527 - - - - - -
109.3506 1181 0.0 - - - - - -
109.5584 1182 0.0 - - - - - -
109.7662 1183 0.0 - - - - - -
109.9740 1184 0.0 - - - - - -
110.1818 1185 0.0 4.9039 0.0168 0.0099 0.0139 0.0104 0.0139
109.1299 1186 4.0418 - - - - - -
109.3377 1187 7.1313 - - - - - -
109.5455 1188 7.4737 - - - - - -
109.7532 1189 7.3314 - - - - - -
109.9610 1190 6.8946 - - - - - -
110.1688 1191 0.1954 - - - - - -
110.3766 1192 0.0 - - - - - -
110.5844 1193 0.0 - - - - - -
110.7922 1194 0.0 - - - - - -
111.0 1195 0.0 - - - - - -
111.2078 1196 0.0 4.9053 0.0168 0.0099 0.0160 0.0096 0.0160
110.1558 1197 4.9106 - - - - - -
110.3636 1198 7.3166 - - - - - -
110.5714 1199 7.3645 - - - - - -
110.7792 1200 7.3088 4.9040 0.0168 0.0111 0.0160 0.0096 0.0160
  • The bold row denotes the saved checkpoint.

Framework Versions

  • Python: 3.10.12
  • Sentence Transformers: 3.0.1
  • Transformers: 4.41.2
  • PyTorch: 2.1.2+cu121
  • Accelerate: 0.32.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",
}

MatryoshkaLoss

@misc{kusupati2024matryoshka,
    title={Matryoshka Representation Learning}, 
    author={Aditya Kusupati and Gantavya Bhatt and Aniket Rege and Matthew Wallingford and Aditya Sinha and Vivek Ramanujan and William Howard-Snyder and Kaifeng Chen and Sham Kakade and Prateek Jain and Ali Farhadi},
    year={2024},
    eprint={2205.13147},
    archivePrefix={arXiv},
    primaryClass={cs.LG}
}

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}
}
Downloads last month
8
Safetensors
Model size
33.4M params
Tensor type
F32
·
Inference API
This model can be loaded on Inference API (serverless).

Finetuned from

Evaluation results