pankajrajdeo commited on
Commit
7cf77de
·
verified ·
1 Parent(s): 52d5df7

Add special tokens [TEXT], [YEAR_RANGE]

Browse files
1_Pooling/config.json ADDED
@@ -0,0 +1,10 @@
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "word_embedding_dimension": 512,
3
+ "pooling_mode_cls_token": false,
4
+ "pooling_mode_mean_tokens": true,
5
+ "pooling_mode_max_tokens": false,
6
+ "pooling_mode_mean_sqrt_len_tokens": false,
7
+ "pooling_mode_weightedmean_tokens": false,
8
+ "pooling_mode_lasttoken": false,
9
+ "include_prompt": true
10
+ }
README.md ADDED
@@ -0,0 +1,1297 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ library_name: sentence-transformers
3
+ pipeline_tag: sentence-similarity
4
+ tags:
5
+ - sentence-transformers
6
+ - sentence-similarity
7
+ - feature-extraction
8
+ - generated_from_trainer
9
+ - dataset_size:187491593
10
+ - loss:CustomTripletLoss
11
+ widget:
12
+ - source_sentence: Hylocharis xantusii
13
+ sentences:
14
+ - Xantus's hummingbird
15
+ - C5721346
16
+ - C1623532
17
+ - Iole viridescens viridescens
18
+ - source_sentence: HTLV1+2 RNA XXX Ql PCR
19
+ sentences:
20
+ - HTLV 1+2 RNA:MevcEşik:Zmlı:XXX:Srl:Prob.amf.hdf
21
+ - Nota de progreso:Tipo:Punto temporal:{Configuración}:Documento:Pain medicine
22
+ - C0368469
23
+ - C4070921
24
+ - source_sentence: Degeneração Nigroestriatal
25
+ sentences:
26
+ - C0270733
27
+ - hiperinsulinismo debido a deficiencia de 3-hidroxiacil-coenzima A deshidrogenasa
28
+ de cadena corta
29
+ - Striatonigral atrophy
30
+ - C4303473
31
+ - source_sentence: Clostridioides difficile As:titer:moment:serum:semikwantitatief
32
+ sentences:
33
+ - Dehidroepiandrosteron:MevcEşik:Zmlı:İdrar:Srl
34
+ - C0485219
35
+ - C0364328
36
+ - Clostridium difficile Ac:Título:Pt:Soro:Qn
37
+ - source_sentence: E Vicotrat
38
+ sentences:
39
+ - C2742706
40
+ - C2350910
41
+ - germanium L-cysteine alpha-tocopherol complex
42
+ - Eosine I Bluish, Dipotassium Salt
43
+ ---
44
+
45
+ # SentenceTransformer
46
+
47
+ This is a [sentence-transformers](https://www.SBERT.net) model trained. It maps sentences & paragraphs to a 512-dimensional dense vector space and can be used for semantic textual similarity, semantic search, paraphrase mining, text classification, clustering, and more.
48
+
49
+ ## Model Details
50
+
51
+ ### Model Description
52
+ - **Model Type:** Sentence Transformer
53
+ <!-- - **Base model:** [Unknown](https://huggingface.co/unknown) -->
54
+ - **Maximum Sequence Length:** 512 tokens
55
+ - **Output Dimensionality:** 512 tokens
56
+ - **Similarity Function:** Cosine Similarity
57
+ <!-- - **Training Dataset:** Unknown -->
58
+ <!-- - **Language:** Unknown -->
59
+ <!-- - **License:** Unknown -->
60
+
61
+ ### Model Sources
62
+
63
+ - **Documentation:** [Sentence Transformers Documentation](https://sbert.net)
64
+ - **Repository:** [Sentence Transformers on GitHub](https://github.com/UKPLab/sentence-transformers)
65
+ - **Hugging Face:** [Sentence Transformers on Hugging Face](https://huggingface.co/models?library=sentence-transformers)
66
+
67
+ ### Full Model Architecture
68
+
69
+ ```
70
+ SentenceTransformer(
71
+ (0): Transformer({'max_seq_length': 512, 'do_lower_case': False}) with Transformer model: BertModel
72
+ (1): Pooling({'word_embedding_dimension': 512, '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})
73
+ )
74
+ ```
75
+
76
+ ## Usage
77
+
78
+ ### Direct Usage (Sentence Transformers)
79
+
80
+ First install the Sentence Transformers library:
81
+
82
+ ```bash
83
+ pip install -U sentence-transformers
84
+ ```
85
+
86
+ Then you can load this model and run inference.
87
+ ```python
88
+ from sentence_transformers import SentenceTransformer
89
+
90
+ # Download from the 🤗 Hub
91
+ model = SentenceTransformer("pankajrajdeo/937457_bioformer_8L")
92
+ # Run inference
93
+ sentences = [
94
+ 'E Vicotrat',
95
+ 'Eosine I Bluish, Dipotassium Salt',
96
+ 'C2742706',
97
+ ]
98
+ embeddings = model.encode(sentences)
99
+ print(embeddings.shape)
100
+ # [3, 512]
101
+
102
+ # Get the similarity scores for the embeddings
103
+ similarities = model.similarity(embeddings, embeddings)
104
+ print(similarities.shape)
105
+ # [3, 3]
106
+ ```
107
+
108
+ <!--
109
+ ### Direct Usage (Transformers)
110
+
111
+ <details><summary>Click to see the direct usage in Transformers</summary>
112
+
113
+ </details>
114
+ -->
115
+
116
+ <!--
117
+ ### Downstream Usage (Sentence Transformers)
118
+
119
+ You can finetune this model on your own dataset.
120
+
121
+ <details><summary>Click to expand</summary>
122
+
123
+ </details>
124
+ -->
125
+
126
+ <!--
127
+ ### Out-of-Scope Use
128
+
129
+ *List how the model may foreseeably be misused and address what users ought not to do with the model.*
130
+ -->
131
+
132
+ <!--
133
+ ## Bias, Risks and Limitations
134
+
135
+ *What are the known or foreseeable issues stemming from this model? You could also flag here known failure cases or weaknesses of the model.*
136
+ -->
137
+
138
+ <!--
139
+ ### Recommendations
140
+
141
+ *What are recommendations with respect to the foreseeable issues? For example, filtering explicit content.*
142
+ -->
143
+
144
+ ## Training Details
145
+
146
+ ### Training Dataset
147
+
148
+ #### Unnamed Dataset
149
+
150
+
151
+ * Size: 187,491,593 training samples
152
+ * Columns: <code>anchor</code>, <code>positive</code>, <code>negative_id</code>, <code>positive_id</code>, and <code>negative</code>
153
+ * Approximate statistics based on the first 1000 samples:
154
+ | | anchor | positive | negative_id | positive_id | negative |
155
+ |:--------|:-----------------------------------------------------------------------------------|:-----------------------------------------------------------------------------------|:--------------------------------------------------------------------------------|:--------------------------------------------------------------------------------|:-----------------------------------------------------------------------------------|
156
+ | type | string | string | string | string | string |
157
+ | details | <ul><li>min: 3 tokens</li><li>mean: 13.27 tokens</li><li>max: 247 tokens</li></ul> | <ul><li>min: 3 tokens</li><li>mean: 12.25 tokens</li><li>max: 157 tokens</li></ul> | <ul><li>min: 5 tokens</li><li>mean: 6.27 tokens</li><li>max: 7 tokens</li></ul> | <ul><li>min: 5 tokens</li><li>mean: 6.49 tokens</li><li>max: 7 tokens</li></ul> | <ul><li>min: 3 tokens</li><li>mean: 13.53 tokens</li><li>max: 118 tokens</li></ul> |
158
+ * Samples:
159
+ | anchor | positive | negative_id | positive_id | negative |
160
+ |:----------------------------------------------|:------------------------------------------------------------------------------------------------|:----------------------|:----------------------|:------------------------------------------------------------------------------------------------|
161
+ | <code>Zaburzenie metabolizmu minerałów</code> | <code>Distúrbio não especificado do metabolismo de minerais</code> | <code>C2887914</code> | <code>C0154260</code> | <code>Acute alcoholic hepatic failure</code> |
162
+ | <code>testy funkčnosti placenty</code> | <code>Metoder som brukes til å vurdere morkakefunksjon.</code> | <code>C2350391</code> | <code>C0032049</code> | <code>Hjärtmuskelscintigrafi</code> |
163
+ | <code>Tsefapiriin:Susc:Pt:Is:OrdQn</code> | <code>cefapirina:susceptibilidad:punto en el tiempo:cepa clínica:ordinal o cuantitativo:</code> | <code>C0942365</code> | <code>C0801894</code> | <code>2 proyecciones:hallazgo:punto en el tiempo:tobillo.izquierdo:Narrativo:radiografía</code> |
164
+ * Loss: <code>__main__.CustomTripletLoss</code> with these parameters:
165
+ ```json
166
+ {
167
+ "distance_metric": "TripletDistanceMetric.EUCLIDEAN",
168
+ "triplet_margin": 5
169
+ }
170
+ ```
171
+
172
+ ### Training Hyperparameters
173
+ #### Non-Default Hyperparameters
174
+
175
+ - `per_device_train_batch_size`: 50
176
+ - `learning_rate`: 2e-05
177
+ - `num_train_epochs`: 1
178
+ - `warmup_ratio`: 0.1
179
+ - `fp16`: True
180
+
181
+ #### All Hyperparameters
182
+ <details><summary>Click to expand</summary>
183
+
184
+ - `overwrite_output_dir`: False
185
+ - `do_predict`: False
186
+ - `eval_strategy`: no
187
+ - `prediction_loss_only`: True
188
+ - `per_device_train_batch_size`: 50
189
+ - `per_device_eval_batch_size`: 8
190
+ - `per_gpu_train_batch_size`: None
191
+ - `per_gpu_eval_batch_size`: None
192
+ - `gradient_accumulation_steps`: 1
193
+ - `eval_accumulation_steps`: None
194
+ - `torch_empty_cache_steps`: None
195
+ - `learning_rate`: 2e-05
196
+ - `weight_decay`: 0.0
197
+ - `adam_beta1`: 0.9
198
+ - `adam_beta2`: 0.999
199
+ - `adam_epsilon`: 1e-08
200
+ - `max_grad_norm`: 1.0
201
+ - `num_train_epochs`: 1
202
+ - `max_steps`: -1
203
+ - `lr_scheduler_type`: linear
204
+ - `lr_scheduler_kwargs`: {}
205
+ - `warmup_ratio`: 0.1
206
+ - `warmup_steps`: 0
207
+ - `log_level`: passive
208
+ - `log_level_replica`: warning
209
+ - `log_on_each_node`: True
210
+ - `logging_nan_inf_filter`: True
211
+ - `save_safetensors`: True
212
+ - `save_on_each_node`: False
213
+ - `save_only_model`: False
214
+ - `restore_callback_states_from_checkpoint`: False
215
+ - `no_cuda`: False
216
+ - `use_cpu`: False
217
+ - `use_mps_device`: False
218
+ - `seed`: 42
219
+ - `data_seed`: None
220
+ - `jit_mode_eval`: False
221
+ - `use_ipex`: False
222
+ - `bf16`: False
223
+ - `fp16`: True
224
+ - `fp16_opt_level`: O1
225
+ - `half_precision_backend`: auto
226
+ - `bf16_full_eval`: False
227
+ - `fp16_full_eval`: False
228
+ - `tf32`: None
229
+ - `local_rank`: 0
230
+ - `ddp_backend`: None
231
+ - `tpu_num_cores`: None
232
+ - `tpu_metrics_debug`: False
233
+ - `debug`: []
234
+ - `dataloader_drop_last`: False
235
+ - `dataloader_num_workers`: 0
236
+ - `dataloader_prefetch_factor`: None
237
+ - `past_index`: -1
238
+ - `disable_tqdm`: False
239
+ - `remove_unused_columns`: True
240
+ - `label_names`: None
241
+ - `load_best_model_at_end`: False
242
+ - `ignore_data_skip`: False
243
+ - `fsdp`: []
244
+ - `fsdp_min_num_params`: 0
245
+ - `fsdp_config`: {'min_num_params': 0, 'xla': False, 'xla_fsdp_v2': False, 'xla_fsdp_grad_ckpt': False}
246
+ - `fsdp_transformer_layer_cls_to_wrap`: None
247
+ - `accelerator_config`: {'split_batches': False, 'dispatch_batches': None, 'even_batches': True, 'use_seedable_sampler': True, 'non_blocking': False, 'gradient_accumulation_kwargs': None}
248
+ - `deepspeed`: None
249
+ - `label_smoothing_factor`: 0.0
250
+ - `optim`: adamw_torch
251
+ - `optim_args`: None
252
+ - `adafactor`: False
253
+ - `group_by_length`: False
254
+ - `length_column_name`: length
255
+ - `ddp_find_unused_parameters`: None
256
+ - `ddp_bucket_cap_mb`: None
257
+ - `ddp_broadcast_buffers`: False
258
+ - `dataloader_pin_memory`: True
259
+ - `dataloader_persistent_workers`: False
260
+ - `skip_memory_metrics`: True
261
+ - `use_legacy_prediction_loop`: False
262
+ - `push_to_hub`: False
263
+ - `resume_from_checkpoint`: None
264
+ - `hub_model_id`: None
265
+ - `hub_strategy`: every_save
266
+ - `hub_private_repo`: False
267
+ - `hub_always_push`: False
268
+ - `gradient_checkpointing`: False
269
+ - `gradient_checkpointing_kwargs`: None
270
+ - `include_inputs_for_metrics`: False
271
+ - `eval_do_concat_batches`: True
272
+ - `fp16_backend`: auto
273
+ - `push_to_hub_model_id`: None
274
+ - `push_to_hub_organization`: None
275
+ - `mp_parameters`:
276
+ - `auto_find_batch_size`: False
277
+ - `full_determinism`: False
278
+ - `torchdynamo`: None
279
+ - `ray_scope`: last
280
+ - `ddp_timeout`: 1800
281
+ - `torch_compile`: False
282
+ - `torch_compile_backend`: None
283
+ - `torch_compile_mode`: None
284
+ - `dispatch_batches`: None
285
+ - `split_batches`: None
286
+ - `include_tokens_per_second`: False
287
+ - `include_num_input_tokens_seen`: False
288
+ - `neftune_noise_alpha`: None
289
+ - `optim_target_modules`: None
290
+ - `batch_eval_metrics`: False
291
+ - `eval_on_start`: False
292
+ - `eval_use_gather_object`: False
293
+ - `batch_sampler`: batch_sampler
294
+ - `multi_dataset_batch_sampler`: proportional
295
+
296
+ </details>
297
+
298
+ ### Training Logs
299
+ <details><summary>Click to expand</summary>
300
+
301
+ | Epoch | Step | Training Loss |
302
+ |:------:|:------:|:-------------:|
303
+ | 0.0003 | 1000 | 0.9785 |
304
+ | 0.0005 | 2000 | 0.925 |
305
+ | 0.0008 | 3000 | 0.8548 |
306
+ | 0.0011 | 4000 | 0.7979 |
307
+ | 0.0013 | 5000 | 0.7635 |
308
+ | 0.0016 | 6000 | 0.7176 |
309
+ | 0.0019 | 7000 | 0.6813 |
310
+ | 0.0021 | 8000 | 0.6225 |
311
+ | 0.0024 | 9000 | 0.6135 |
312
+ | 0.0027 | 10000 | 0.5827 |
313
+ | 0.0029 | 11000 | 0.5695 |
314
+ | 0.0032 | 12000 | 0.5152 |
315
+ | 0.0035 | 13000 | 0.5213 |
316
+ | 0.0037 | 14000 | 0.4895 |
317
+ | 0.0040 | 15000 | 0.4942 |
318
+ | 0.0043 | 16000 | 0.4819 |
319
+ | 0.0045 | 17000 | 0.4799 |
320
+ | 0.0048 | 18000 | 0.4572 |
321
+ | 0.0051 | 19000 | 0.4396 |
322
+ | 0.0053 | 20000 | 0.4389 |
323
+ | 0.0056 | 21000 | 0.4269 |
324
+ | 0.0059 | 22000 | 0.4155 |
325
+ | 0.0061 | 23000 | 0.4034 |
326
+ | 0.0064 | 24000 | 0.4067 |
327
+ | 0.0067 | 25000 | 0.401 |
328
+ | 0.0069 | 26000 | 0.376 |
329
+ | 0.0072 | 27000 | 0.3715 |
330
+ | 0.0075 | 28000 | 0.3788 |
331
+ | 0.0077 | 29000 | 0.362 |
332
+ | 0.0080 | 30000 | 0.3644 |
333
+ | 0.0083 | 31000 | 0.3487 |
334
+ | 0.0085 | 32000 | 0.3432 |
335
+ | 0.0088 | 33000 | 0.3394 |
336
+ | 0.0091 | 34000 | 0.3423 |
337
+ | 0.0093 | 35000 | 0.3314 |
338
+ | 0.0096 | 36000 | 0.3447 |
339
+ | 0.0099 | 37000 | 0.3206 |
340
+ | 0.0101 | 38000 | 0.3283 |
341
+ | 0.0104 | 39000 | 0.3183 |
342
+ | 0.0107 | 40000 | 0.3167 |
343
+ | 0.0109 | 41000 | 0.3169 |
344
+ | 0.0112 | 42000 | 0.3122 |
345
+ | 0.0115 | 43000 | 0.3022 |
346
+ | 0.0117 | 44000 | 0.3066 |
347
+ | 0.0120 | 45000 | 0.3002 |
348
+ | 0.0123 | 46000 | 0.3003 |
349
+ | 0.0125 | 47000 | 0.2907 |
350
+ | 0.0128 | 48000 | 0.2843 |
351
+ | 0.0131 | 49000 | 0.2905 |
352
+ | 0.0133 | 50000 | 0.2816 |
353
+ | 0.0136 | 51000 | 0.2959 |
354
+ | 0.0139 | 52000 | 0.2765 |
355
+ | 0.0141 | 53000 | 0.2813 |
356
+ | 0.0144 | 54000 | 0.2715 |
357
+ | 0.0147 | 55000 | 0.2826 |
358
+ | 0.0149 | 56000 | 0.2845 |
359
+ | 0.0152 | 57000 | 0.2709 |
360
+ | 0.0155 | 58000 | 0.2704 |
361
+ | 0.0157 | 59000 | 0.2667 |
362
+ | 0.0160 | 60000 | 0.2589 |
363
+ | 0.0163 | 61000 | 0.2574 |
364
+ | 0.0165 | 62000 | 0.2598 |
365
+ | 0.0168 | 63000 | 0.2427 |
366
+ | 0.0171 | 64000 | 0.2505 |
367
+ | 0.0173 | 65000 | 0.265 |
368
+ | 0.0176 | 66000 | 0.263 |
369
+ | 0.0179 | 67000 | 0.2521 |
370
+ | 0.0181 | 68000 | 0.2532 |
371
+ | 0.0184 | 69000 | 0.256 |
372
+ | 0.0187 | 70000 | 0.2599 |
373
+ | 0.0189 | 71000 | 0.2558 |
374
+ | 0.0192 | 72000 | 0.2526 |
375
+ | 0.0195 | 73000 | 0.2402 |
376
+ | 0.0197 | 74000 | 0.2471 |
377
+ | 0.0200 | 75000 | 0.24 |
378
+ | 0.0203 | 76000 | 0.2562 |
379
+ | 0.0205 | 77000 | 0.2398 |
380
+ | 0.0208 | 78000 | 0.2622 |
381
+ | 0.0211 | 79000 | 0.235 |
382
+ | 0.0213 | 80000 | 0.2421 |
383
+ | 0.0216 | 81000 | 0.2378 |
384
+ | 0.0219 | 82000 | 0.2323 |
385
+ | 0.0221 | 83000 | 0.232 |
386
+ | 0.0224 | 84000 | 0.2319 |
387
+ | 0.0227 | 85000 | 0.2361 |
388
+ | 0.0229 | 86000 | 0.2252 |
389
+ | 0.0232 | 87000 | 0.2282 |
390
+ | 0.0235 | 88000 | 0.2213 |
391
+ | 0.0237 | 89000 | 0.2228 |
392
+ | 0.0240 | 90000 | 0.2265 |
393
+ | 0.0243 | 91000 | 0.2375 |
394
+ | 0.0245 | 92000 | 0.2328 |
395
+ | 0.0248 | 93000 | 0.2318 |
396
+ | 0.0251 | 94000 | 0.2321 |
397
+ | 0.0253 | 95000 | 0.2205 |
398
+ | 0.0256 | 96000 | 0.2319 |
399
+ | 0.0259 | 97000 | 0.2193 |
400
+ | 0.0261 | 98000 | 0.2188 |
401
+ | 0.0264 | 99000 | 0.2196 |
402
+ | 0.0267 | 100000 | 0.2223 |
403
+ | 0.0269 | 101000 | 0.2268 |
404
+ | 0.0272 | 102000 | 0.219 |
405
+ | 0.0275 | 103000 | 0.206 |
406
+ | 0.0277 | 104000 | 0.2154 |
407
+ | 0.0280 | 105000 | 0.2261 |
408
+ | 0.0283 | 106000 | 0.2112 |
409
+ | 0.0285 | 107000 | 0.2015 |
410
+ | 0.0288 | 108000 | 0.2115 |
411
+ | 0.0291 | 109000 | 0.2145 |
412
+ | 0.0293 | 110000 | 0.2142 |
413
+ | 0.0296 | 111000 | 0.2217 |
414
+ | 0.0299 | 112000 | 0.213 |
415
+ | 0.0301 | 113000 | 0.2089 |
416
+ | 0.0304 | 114000 | 0.2089 |
417
+ | 0.0307 | 115000 | 0.2027 |
418
+ | 0.0309 | 116000 | 0.217 |
419
+ | 0.0312 | 117000 | 0.2008 |
420
+ | 0.0315 | 118000 | 0.2035 |
421
+ | 0.0317 | 119000 | 0.208 |
422
+ | 0.0320 | 120000 | 0.2006 |
423
+ | 0.0323 | 121000 | 0.2089 |
424
+ | 0.0325 | 122000 | 0.212 |
425
+ | 0.0328 | 123000 | 0.2074 |
426
+ | 0.0331 | 124000 | 0.203 |
427
+ | 0.0333 | 125000 | 0.2038 |
428
+ | 0.0336 | 126000 | 0.1979 |
429
+ | 0.0339 | 127000 | 0.197 |
430
+ | 0.0341 | 128000 | 0.1947 |
431
+ | 0.0344 | 129000 | 0.2034 |
432
+ | 0.0347 | 130000 | 0.1924 |
433
+ | 0.0349 | 131000 | 0.1957 |
434
+ | 0.0352 | 132000 | 0.1894 |
435
+ | 0.0355 | 133000 | 0.1934 |
436
+ | 0.0357 | 134000 | 0.1933 |
437
+ | 0.0360 | 135000 | 0.1953 |
438
+ | 0.0363 | 136000 | 0.192 |
439
+ | 0.0365 | 137000 | 0.1871 |
440
+ | 0.0368 | 138000 | 0.2053 |
441
+ | 0.0371 | 139000 | 0.1971 |
442
+ | 0.0373 | 140000 | 0.1904 |
443
+ | 0.0376 | 141000 | 0.1891 |
444
+ | 0.0379 | 142000 | 0.1876 |
445
+ | 0.0381 | 143000 | 0.1875 |
446
+ | 0.0384 | 144000 | 0.194 |
447
+ | 0.0387 | 145000 | 0.1932 |
448
+ | 0.0389 | 146000 | 0.1895 |
449
+ | 0.0392 | 147000 | 0.1937 |
450
+ | 0.0395 | 148000 | 0.1888 |
451
+ | 0.0397 | 149000 | 0.1836 |
452
+ | 0.0400 | 150000 | 0.1886 |
453
+ | 0.0403 | 151000 | 0.183 |
454
+ | 0.0405 | 152000 | 0.1896 |
455
+ | 0.0408 | 153000 | 0.1851 |
456
+ | 0.0411 | 154000 | 0.1844 |
457
+ | 0.0413 | 155000 | 0.184 |
458
+ | 0.0416 | 156000 | 0.1846 |
459
+ | 0.0419 | 157000 | 0.1876 |
460
+ | 0.0421 | 158000 | 0.1848 |
461
+ | 0.0424 | 159000 | 0.1824 |
462
+ | 0.0427 | 160000 | 0.1844 |
463
+ | 0.0429 | 161000 | 0.1864 |
464
+ | 0.0432 | 162000 | 0.1726 |
465
+ | 0.0435 | 163000 | 0.1838 |
466
+ | 0.0437 | 164000 | 0.1818 |
467
+ | 0.0440 | 165000 | 0.1811 |
468
+ | 0.0443 | 166000 | 0.176 |
469
+ | 0.0445 | 167000 | 0.1831 |
470
+ | 0.0448 | 168000 | 0.1791 |
471
+ | 0.0451 | 169000 | 0.182 |
472
+ | 0.0453 | 170000 | 0.1814 |
473
+ | 0.0456 | 171000 | 0.1783 |
474
+ | 0.0459 | 172000 | 0.1771 |
475
+ | 0.0461 | 173000 | 0.1806 |
476
+ | 0.0464 | 174000 | 0.1821 |
477
+ | 0.0467 | 175000 | 0.1805 |
478
+ | 0.0469 | 176000 | 0.1698 |
479
+ | 0.0472 | 177000 | 0.1796 |
480
+ | 0.0475 | 178000 | 0.1774 |
481
+ | 0.0477 | 179000 | 0.1703 |
482
+ | 0.0480 | 180000 | 0.179 |
483
+ | 0.0483 | 181000 | 0.1839 |
484
+ | 0.0485 | 182000 | 0.1695 |
485
+ | 0.0488 | 183000 | 0.1681 |
486
+ | 0.0491 | 184000 | 0.1783 |
487
+ | 0.0493 | 185000 | 0.1792 |
488
+ | 0.0496 | 186000 | 0.1664 |
489
+ | 0.0499 | 187000 | 0.1711 |
490
+ | 0.0501 | 188000 | 0.168 |
491
+ | 0.0504 | 189000 | 0.1722 |
492
+ | 0.0507 | 190000 | 0.1776 |
493
+ | 0.0509 | 191000 | 0.1704 |
494
+ | 0.0512 | 192000 | 0.161 |
495
+ | 0.0515 | 193000 | 0.1719 |
496
+ | 0.0517 | 194000 | 0.1679 |
497
+ | 0.0520 | 195000 | 0.1731 |
498
+ | 0.0523 | 196000 | 0.1778 |
499
+ | 0.0525 | 197000 | 0.1658 |
500
+ | 0.0528 | 198000 | 0.1607 |
501
+ | 0.0531 | 199000 | 0.1682 |
502
+ | 0.0533 | 200000 | 0.1675 |
503
+ | 0.0536 | 201000 | 0.1708 |
504
+ | 0.0539 | 202000 | 0.1694 |
505
+ | 0.0541 | 203000 | 0.1767 |
506
+ | 0.0544 | 204000 | 0.1665 |
507
+ | 0.0547 | 205000 | 0.1695 |
508
+ | 0.0549 | 206000 | 0.1693 |
509
+ | 0.0552 | 207000 | 0.1697 |
510
+ | 0.0555 | 208000 | 0.1721 |
511
+ | 0.0557 | 209000 | 0.1633 |
512
+ | 0.0560 | 210000 | 0.1712 |
513
+ | 0.0563 | 211000 | 0.1712 |
514
+ | 0.0565 | 212000 | 0.1646 |
515
+ | 0.0568 | 213000 | 0.1639 |
516
+ | 0.0571 | 214000 | 0.1692 |
517
+ | 0.0573 | 215000 | 0.1694 |
518
+ | 0.0576 | 216000 | 0.1684 |
519
+ | 0.0579 | 217000 | 0.1608 |
520
+ | 0.0581 | 218000 | 0.1663 |
521
+ | 0.0584 | 219000 | 0.1669 |
522
+ | 0.0587 | 220000 | 0.1671 |
523
+ | 0.0589 | 221000 | 0.1632 |
524
+ | 0.0592 | 222000 | 0.1642 |
525
+ | 0.0595 | 223000 | 0.1619 |
526
+ | 0.0597 | 224000 | 0.1672 |
527
+ | 0.0600 | 225000 | 0.1704 |
528
+ | 0.0603 | 226000 | 0.1602 |
529
+ | 0.0605 | 227000 | 0.1548 |
530
+ | 0.0608 | 228000 | 0.1631 |
531
+ | 0.0611 | 229000 | 0.1555 |
532
+ | 0.0613 | 230000 | 0.1666 |
533
+ | 0.0616 | 231000 | 0.1611 |
534
+ | 0.0619 | 232000 | 0.1504 |
535
+ | 0.0621 | 233000 | 0.159 |
536
+ | 0.0624 | 234000 | 0.1642 |
537
+ | 0.0627 | 235000 | 0.1573 |
538
+ | 0.0629 | 236000 | 0.1612 |
539
+ | 0.0632 | 237000 | 0.1649 |
540
+ | 0.0635 | 238000 | 0.1687 |
541
+ | 0.0637 | 239000 | 0.1601 |
542
+ | 0.0640 | 240000 | 0.1592 |
543
+ | 0.0643 | 241000 | 0.1606 |
544
+ | 0.0645 | 242000 | 0.1545 |
545
+ | 0.0648 | 243000 | 0.1646 |
546
+ | 0.0651 | 244000 | 0.1576 |
547
+ | 0.0653 | 245000 | 0.1514 |
548
+ | 0.0656 | 246000 | 0.1606 |
549
+ | 0.0659 | 247000 | 0.1517 |
550
+ | 0.0661 | 248000 | 0.1503 |
551
+ | 0.0664 | 249000 | 0.1627 |
552
+ | 0.0667 | 250000 | 0.1555 |
553
+ | 0.0669 | 251000 | 0.1566 |
554
+ | 0.0672 | 252000 | 0.1624 |
555
+ | 0.0675 | 253000 | 0.1495 |
556
+ | 0.0677 | 254000 | 0.1535 |
557
+ | 0.0680 | 255000 | 0.1492 |
558
+ | 0.0683 | 256000 | 0.1494 |
559
+ | 0.0685 | 257000 | 0.1708 |
560
+ | 0.0688 | 258000 | 0.1563 |
561
+ | 0.0691 | 259000 | 0.1541 |
562
+ | 0.0693 | 260000 | 0.1568 |
563
+ | 0.0696 | 261000 | 0.1535 |
564
+ | 0.0699 | 262000 | 0.1519 |
565
+ | 0.0701 | 263000 | 0.1571 |
566
+ | 0.0704 | 264000 | 0.1536 |
567
+ | 0.0707 | 265000 | 0.147 |
568
+ | 0.0709 | 266000 | 0.147 |
569
+ | 0.0712 | 267000 | 0.1537 |
570
+ | 0.0715 | 268000 | 0.1527 |
571
+ | 0.0717 | 269000 | 0.1545 |
572
+ | 0.0720 | 270000 | 0.1523 |
573
+ | 0.0723 | 271000 | 0.1539 |
574
+ | 0.0725 | 272000 | 0.1561 |
575
+ | 0.0728 | 273000 | 0.1513 |
576
+ | 0.0731 | 274000 | 0.1571 |
577
+ | 0.0733 | 275000 | 0.1577 |
578
+ | 0.0736 | 276000 | 0.1613 |
579
+ | 0.0739 | 277000 | 0.1523 |
580
+ | 0.0741 | 278000 | 0.1468 |
581
+ | 0.0744 | 279000 | 0.1534 |
582
+ | 0.0747 | 280000 | 0.1544 |
583
+ | 0.0749 | 281000 | 0.1552 |
584
+ | 0.0752 | 282000 | 0.1514 |
585
+ | 0.0755 | 283000 | 0.1504 |
586
+ | 0.0757 | 284000 | 0.149 |
587
+ | 0.0760 | 285000 | 0.1537 |
588
+ | 0.0763 | 286000 | 0.1527 |
589
+ | 0.0765 | 287000 | 0.1482 |
590
+ | 0.0768 | 288000 | 0.1503 |
591
+ | 0.0771 | 289000 | 0.1476 |
592
+ | 0.0773 | 290000 | 0.1535 |
593
+ | 0.0776 | 291000 | 0.1575 |
594
+ | 0.0779 | 292000 | 0.1465 |
595
+ | 0.0781 | 293000 | 0.147 |
596
+ | 0.0784 | 294000 | 0.147 |
597
+ | 0.0787 | 295000 | 0.1484 |
598
+ | 0.0789 | 296000 | 0.1502 |
599
+ | 0.0792 | 297000 | 0.147 |
600
+ | 0.0795 | 298000 | 0.1544 |
601
+ | 0.0797 | 299000 | 0.156 |
602
+ | 0.0800 | 300000 | 0.1445 |
603
+ | 0.0803 | 301000 | 0.143 |
604
+ | 0.0805 | 302000 | 0.1541 |
605
+ | 0.0808 | 303000 | 0.159 |
606
+ | 0.0811 | 304000 | 0.1434 |
607
+ | 0.0813 | 305000 | 0.1511 |
608
+ | 0.0816 | 306000 | 0.1473 |
609
+ | 0.0819 | 307000 | 0.1514 |
610
+ | 0.0821 | 308000 | 0.1491 |
611
+ | 0.0824 | 309000 | 0.1443 |
612
+ | 0.0827 | 310000 | 0.1496 |
613
+ | 0.0829 | 311000 | 0.1535 |
614
+ | 0.0832 | 312000 | 0.152 |
615
+ | 0.0835 | 313000 | 0.1496 |
616
+ | 0.0837 | 314000 | 0.1521 |
617
+ | 0.0840 | 315000 | 0.1459 |
618
+ | 0.0843 | 316000 | 0.1449 |
619
+ | 0.0845 | 317000 | 0.148 |
620
+ | 0.0848 | 318000 | 0.1566 |
621
+ | 0.0851 | 319000 | 0.149 |
622
+ | 0.0853 | 320000 | 0.1502 |
623
+ | 0.0856 | 321000 | 0.1501 |
624
+ | 0.0859 | 322000 | 0.1447 |
625
+ | 0.0861 | 323000 | 0.1468 |
626
+ | 0.0864 | 324000 | 0.1474 |
627
+ | 0.0867 | 325000 | 0.1455 |
628
+ | 0.0869 | 326000 | 0.1374 |
629
+ | 0.0872 | 327000 | 0.1397 |
630
+ | 0.0875 | 328000 | 0.1468 |
631
+ | 0.0877 | 329000 | 0.1436 |
632
+ | 0.0880 | 330000 | 0.1523 |
633
+ | 0.0883 | 331000 | 0.1407 |
634
+ | 0.0885 | 332000 | 0.1446 |
635
+ | 0.0888 | 333000 | 0.1476 |
636
+ | 0.0891 | 334000 | 0.1487 |
637
+ | 0.0893 | 335000 | 0.1486 |
638
+ | 0.0896 | 336000 | 0.1564 |
639
+ | 0.0899 | 337000 | 0.1487 |
640
+ | 0.0901 | 338000 | 0.1492 |
641
+ | 0.0904 | 339000 | 0.1469 |
642
+ | 0.0907 | 340000 | 0.1487 |
643
+ | 0.0909 | 341000 | 0.1513 |
644
+ | 0.0912 | 342000 | 0.151 |
645
+ | 0.0915 | 343000 | 0.14 |
646
+ | 0.0917 | 344000 | 0.1487 |
647
+ | 0.0920 | 345000 | 0.1527 |
648
+ | 0.0923 | 346000 | 0.1419 |
649
+ | 0.0925 | 347000 | 0.1541 |
650
+ | 0.0928 | 348000 | 0.1426 |
651
+ | 0.0931 | 349000 | 0.1426 |
652
+ | 0.0933 | 350000 | 0.1503 |
653
+ | 0.0936 | 351000 | 0.1392 |
654
+ | 0.0939 | 352000 | 0.1505 |
655
+ | 0.0941 | 353000 | 0.1452 |
656
+ | 0.0944 | 354000 | 0.1462 |
657
+ | 0.0947 | 355000 | 0.1412 |
658
+ | 0.0949 | 356000 | 0.1438 |
659
+ | 0.0952 | 357000 | 0.1457 |
660
+ | 0.0955 | 358000 | 0.1414 |
661
+ | 0.0957 | 359000 | 0.1458 |
662
+ | 0.0960 | 360000 | 0.1477 |
663
+ | 0.0963 | 361000 | 0.1423 |
664
+ | 0.0965 | 362000 | 0.1498 |
665
+ | 0.0968 | 363000 | 0.1426 |
666
+ | 0.0971 | 364000 | 0.1469 |
667
+ | 0.0973 | 365000 | 0.136 |
668
+ | 0.0976 | 366000 | 0.142 |
669
+ | 0.0979 | 367000 | 0.138 |
670
+ | 0.0981 | 368000 | 0.1439 |
671
+ | 0.0984 | 369000 | 0.1402 |
672
+ | 0.0987 | 370000 | 0.1431 |
673
+ | 0.0989 | 371000 | 0.1382 |
674
+ | 0.0992 | 372000 | 0.1456 |
675
+ | 0.0995 | 373000 | 0.1364 |
676
+ | 0.0997 | 374000 | 0.1424 |
677
+ | 0.1000 | 375000 | 0.1499 |
678
+ | 0.1003 | 376000 | 0.1471 |
679
+ | 0.1005 | 377000 | 0.1401 |
680
+ | 0.1008 | 378000 | 0.1365 |
681
+ | 0.1011 | 379000 | 0.1434 |
682
+ | 0.1013 | 380000 | 0.1422 |
683
+ | 0.1016 | 381000 | 0.1318 |
684
+ | 0.1019 | 382000 | 0.15 |
685
+ | 0.1021 | 383000 | 0.1437 |
686
+ | 0.1024 | 384000 | 0.138 |
687
+ | 0.1027 | 385000 | 0.1394 |
688
+ | 0.1029 | 386000 | 0.1446 |
689
+ | 0.1032 | 387000 | 0.1327 |
690
+ | 0.1035 | 388000 | 0.1448 |
691
+ | 0.1037 | 389000 | 0.142 |
692
+ | 0.1040 | 390000 | 0.1446 |
693
+ | 0.1043 | 391000 | 0.1409 |
694
+ | 0.1045 | 392000 | 0.1444 |
695
+ | 0.1048 | 393000 | 0.1353 |
696
+ | 0.1051 | 394000 | 0.1484 |
697
+ | 0.1053 | 395000 | 0.1464 |
698
+ | 0.1056 | 396000 | 0.1293 |
699
+ | 0.1059 | 397000 | 0.1393 |
700
+ | 0.1061 | 398000 | 0.1393 |
701
+ | 0.1064 | 399000 | 0.1473 |
702
+ | 0.1067 | 400000 | 0.1412 |
703
+ | 0.1069 | 401000 | 0.1315 |
704
+ | 0.1072 | 402000 | 0.1419 |
705
+ | 0.1075 | 403000 | 0.1366 |
706
+ | 0.1077 | 404000 | 0.1426 |
707
+ | 0.1080 | 405000 | 0.1401 |
708
+ | 0.1083 | 406000 | 0.1367 |
709
+ | 0.1085 | 407000 | 0.139 |
710
+ | 0.1088 | 408000 | 0.1376 |
711
+ | 0.1091 | 409000 | 0.1354 |
712
+ | 0.1093 | 410000 | 0.1405 |
713
+ | 0.1096 | 411000 | 0.1341 |
714
+ | 0.1099 | 412000 | 0.1454 |
715
+ | 0.1101 | 413000 | 0.1375 |
716
+ | 0.1104 | 414000 | 0.1431 |
717
+ | 0.1107 | 415000 | 0.1344 |
718
+ | 0.1109 | 416000 | 0.1313 |
719
+ | 0.1112 | 417000 | 0.1464 |
720
+ | 0.1115 | 418000 | 0.1363 |
721
+ | 0.1117 | 419000 | 0.1346 |
722
+ | 0.1120 | 420000 | 0.1381 |
723
+ | 0.1123 | 421000 | 0.1331 |
724
+ | 0.1125 | 422000 | 0.1349 |
725
+ | 0.1128 | 423000 | 0.1377 |
726
+ | 0.1131 | 424000 | 0.1414 |
727
+ | 0.1133 | 425000 | 0.1366 |
728
+ | 0.1136 | 426000 | 0.1319 |
729
+ | 0.1139 | 427000 | 0.1387 |
730
+ | 0.1141 | 428000 | 0.138 |
731
+ | 0.1144 | 429000 | 0.1351 |
732
+ | 0.1147 | 430000 | 0.1373 |
733
+ | 0.1149 | 431000 | 0.131 |
734
+ | 0.1152 | 432000 | 0.1302 |
735
+ | 0.1155 | 433000 | 0.1317 |
736
+ | 0.1157 | 434000 | 0.1332 |
737
+ | 0.1160 | 435000 | 0.1344 |
738
+ | 0.1163 | 436000 | 0.1425 |
739
+ | 0.1165 | 437000 | 0.1276 |
740
+ | 0.1168 | 438000 | 0.1314 |
741
+ | 0.1171 | 439000 | 0.1238 |
742
+ | 0.1173 | 440000 | 0.1291 |
743
+ | 0.1176 | 441000 | 0.1311 |
744
+ | 0.1179 | 442000 | 0.1222 |
745
+ | 0.1181 | 443000 | 0.1311 |
746
+ | 0.1184 | 444000 | 0.1423 |
747
+ | 0.1187 | 445000 | 0.1308 |
748
+ | 0.1189 | 446000 | 0.1317 |
749
+ | 0.1192 | 447000 | 0.1369 |
750
+ | 0.1195 | 448000 | 0.1282 |
751
+ | 0.1197 | 449000 | 0.1376 |
752
+ | 0.1200 | 450000 | 0.1253 |
753
+ | 0.1203 | 451000 | 0.1271 |
754
+ | 0.1205 | 452000 | 0.131 |
755
+ | 0.1208 | 453000 | 0.1316 |
756
+ | 0.1211 | 454000 | 0.1353 |
757
+ | 0.1213 | 455000 | 0.1277 |
758
+ | 0.1216 | 456000 | 0.1238 |
759
+ | 0.1219 | 457000 | 0.1271 |
760
+ | 0.1221 | 458000 | 0.1319 |
761
+ | 0.1224 | 459000 | 0.1281 |
762
+ | 0.1227 | 460000 | 0.1305 |
763
+ | 0.1229 | 461000 | 0.1376 |
764
+ | 0.1232 | 462000 | 0.1333 |
765
+ | 0.1235 | 463000 | 0.1211 |
766
+ | 0.1237 | 464000 | 0.1211 |
767
+ | 0.1240 | 465000 | 0.1286 |
768
+ | 0.1243 | 466000 | 0.1329 |
769
+ | 0.1245 | 467000 | 0.1227 |
770
+ | 0.1248 | 468000 | 0.1283 |
771
+ | 0.1251 | 469000 | 0.1275 |
772
+ | 0.1253 | 470000 | 0.1362 |
773
+ | 0.1256 | 471000 | 0.1293 |
774
+ | 0.1259 | 472000 | 0.1264 |
775
+ | 0.1261 | 473000 | 0.1241 |
776
+ | 0.1264 | 474000 | 0.118 |
777
+ | 0.1267 | 475000 | 0.1279 |
778
+ | 0.1269 | 476000 | 0.1267 |
779
+ | 0.1272 | 477000 | 0.1294 |
780
+ | 0.1275 | 478000 | 0.1299 |
781
+ | 0.1277 | 479000 | 0.1323 |
782
+ | 0.1280 | 480000 | 0.1284 |
783
+ | 0.1283 | 481000 | 0.1299 |
784
+ | 0.1285 | 482000 | 0.1255 |
785
+ | 0.1288 | 483000 | 0.1289 |
786
+ | 0.1291 | 484000 | 0.1256 |
787
+ | 0.1293 | 485000 | 0.1274 |
788
+ | 0.1296 | 486000 | 0.1279 |
789
+ | 0.1299 | 487000 | 0.1234 |
790
+ | 0.1301 | 488000 | 0.1299 |
791
+ | 0.1304 | 489000 | 0.1257 |
792
+ | 0.1307 | 490000 | 0.1195 |
793
+ | 0.1309 | 491000 | 0.1265 |
794
+ | 0.1312 | 492000 | 0.1249 |
795
+ | 0.1315 | 493000 | 0.1254 |
796
+ | 0.1317 | 494000 | 0.1299 |
797
+ | 0.1320 | 495000 | 0.1255 |
798
+ | 0.1323 | 496000 | 0.1316 |
799
+ | 0.1325 | 497000 | 0.1303 |
800
+ | 0.1328 | 498000 | 0.1213 |
801
+ | 0.1331 | 499000 | 0.1182 |
802
+ | 0.1333 | 500000 | 0.12 |
803
+ | 0.1336 | 501000 | 0.1193 |
804
+ | 0.1339 | 502000 | 0.1241 |
805
+ | 0.1341 | 503000 | 0.1258 |
806
+ | 0.1344 | 504000 | 0.1279 |
807
+ | 0.1347 | 505000 | 0.1293 |
808
+ | 0.1349 | 506000 | 0.1278 |
809
+ | 0.1352 | 507000 | 0.1241 |
810
+ | 0.1355 | 508000 | 0.1221 |
811
+ | 0.1357 | 509000 | 0.1213 |
812
+ | 0.1360 | 510000 | 0.1232 |
813
+ | 0.1363 | 511000 | 0.1278 |
814
+ | 0.1365 | 512000 | 0.1208 |
815
+ | 0.1368 | 513000 | 0.1203 |
816
+ | 0.1371 | 514000 | 0.1251 |
817
+ | 0.1373 | 515000 | 0.1207 |
818
+ | 0.1376 | 516000 | 0.1233 |
819
+ | 0.1379 | 517000 | 0.1287 |
820
+ | 0.1381 | 518000 | 0.1255 |
821
+ | 0.1384 | 519000 | 0.1234 |
822
+ | 0.1387 | 520000 | 0.1198 |
823
+ | 0.1389 | 521000 | 0.1274 |
824
+ | 0.1392 | 522000 | 0.1209 |
825
+ | 0.1395 | 523000 | 0.116 |
826
+ | 0.1397 | 524000 | 0.1154 |
827
+ | 0.1400 | 525000 | 0.1197 |
828
+ | 0.1403 | 526000 | 0.1249 |
829
+ | 0.1405 | 527000 | 0.1127 |
830
+ | 0.1408 | 528000 | 0.1221 |
831
+ | 0.1411 | 529000 | 0.122 |
832
+ | 0.1413 | 530000 | 0.1251 |
833
+ | 0.1416 | 531000 | 0.123 |
834
+ | 0.1419 | 532000 | 0.1222 |
835
+ | 0.1421 | 533000 | 0.1205 |
836
+ | 0.1424 | 534000 | 0.1196 |
837
+ | 0.1427 | 535000 | 0.1172 |
838
+ | 0.1429 | 536000 | 0.1185 |
839
+ | 0.1432 | 537000 | 0.1249 |
840
+ | 0.1435 | 538000 | 0.123 |
841
+ | 0.1437 | 539000 | 0.1227 |
842
+ | 0.1440 | 540000 | 0.1198 |
843
+ | 0.1443 | 541000 | 0.1219 |
844
+ | 0.1445 | 542000 | 0.1183 |
845
+ | 0.1448 | 543000 | 0.1203 |
846
+ | 0.1451 | 544000 | 0.117 |
847
+ | 0.1453 | 545000 | 0.1157 |
848
+ | 0.1456 | 546000 | 0.1175 |
849
+ | 0.1459 | 547000 | 0.1178 |
850
+ | 0.1461 | 548000 | 0.1155 |
851
+ | 0.1464 | 549000 | 0.1233 |
852
+ | 0.1467 | 550000 | 0.1127 |
853
+ | 0.1469 | 551000 | 0.12 |
854
+ | 0.1472 | 552000 | 0.1229 |
855
+ | 0.1475 | 553000 | 0.1211 |
856
+ | 0.1477 | 554000 | 0.1125 |
857
+ | 0.1480 | 555000 | 0.1178 |
858
+ | 0.1483 | 556000 | 0.1178 |
859
+ | 0.1485 | 557000 | 0.1132 |
860
+ | 0.1488 | 558000 | 0.1119 |
861
+ | 0.1491 | 559000 | 0.1157 |
862
+ | 0.1493 | 560000 | 0.1197 |
863
+ | 0.1496 | 561000 | 0.1151 |
864
+ | 0.1499 | 562000 | 0.1217 |
865
+ | 0.1501 | 563000 | 0.1146 |
866
+ | 0.1504 | 564000 | 0.1202 |
867
+ | 0.1507 | 565000 | 0.1165 |
868
+ | 0.1509 | 566000 | 0.1179 |
869
+ | 0.1512 | 567000 | 0.115 |
870
+ | 0.1515 | 568000 | 0.1195 |
871
+ | 0.1517 | 569000 | 0.1258 |
872
+ | 0.1520 | 570000 | 0.1139 |
873
+ | 0.1523 | 571000 | 0.1158 |
874
+ | 0.1525 | 572000 | 0.1194 |
875
+ | 0.1528 | 573000 | 0.1131 |
876
+ | 0.1531 | 574000 | 0.1132 |
877
+ | 0.1533 | 575000 | 0.1198 |
878
+ | 0.1536 | 576000 | 0.116 |
879
+ | 0.1539 | 577000 | 0.1173 |
880
+ | 0.1541 | 578000 | 0.1175 |
881
+ | 0.1544 | 579000 | 0.1128 |
882
+ | 0.1547 | 580000 | 0.1127 |
883
+ | 0.1549 | 581000 | 0.1168 |
884
+ | 0.1552 | 582000 | 0.1131 |
885
+ | 0.1555 | 583000 | 0.1213 |
886
+ | 0.1557 | 584000 | 0.1182 |
887
+ | 0.1560 | 585000 | 0.1146 |
888
+ | 0.1563 | 586000 | 0.1189 |
889
+ | 0.1565 | 587000 | 0.1153 |
890
+ | 0.1568 | 588000 | 0.1136 |
891
+ | 0.1571 | 589000 | 0.1121 |
892
+ | 0.1573 | 590000 | 0.1082 |
893
+ | 0.1576 | 591000 | 0.1116 |
894
+ | 0.1579 | 592000 | 0.113 |
895
+ | 0.1581 | 593000 | 0.1148 |
896
+ | 0.1584 | 594000 | 0.1085 |
897
+ | 0.1587 | 595000 | 0.119 |
898
+ | 0.1589 | 596000 | 0.1073 |
899
+ | 0.1592 | 597000 | 0.1157 |
900
+ | 0.1595 | 598000 | 0.1142 |
901
+ | 0.1597 | 599000 | 0.1125 |
902
+ | 0.1600 | 600000 | 0.1112 |
903
+ | 0.1603 | 601000 | 0.1122 |
904
+ | 0.1605 | 602000 | 0.1173 |
905
+ | 0.1608 | 603000 | 0.113 |
906
+ | 0.1611 | 604000 | 0.1068 |
907
+ | 0.1613 | 605000 | 0.1131 |
908
+ | 0.1616 | 606000 | 0.1132 |
909
+ | 0.1619 | 607000 | 0.1142 |
910
+ | 0.1621 | 608000 | 0.1169 |
911
+ | 0.1624 | 609000 | 0.1094 |
912
+ | 0.1627 | 610000 | 0.1206 |
913
+ | 0.1629 | 611000 | 0.1129 |
914
+ | 0.1632 | 612000 | 0.1177 |
915
+ | 0.1635 | 613000 | 0.1101 |
916
+ | 0.1637 | 614000 | 0.1102 |
917
+ | 0.1640 | 615000 | 0.1074 |
918
+ | 0.1643 | 616000 | 0.1156 |
919
+ | 0.1645 | 617000 | 0.1061 |
920
+ | 0.1648 | 618000 | 0.1112 |
921
+ | 0.1651 | 619000 | 0.1166 |
922
+ | 0.1653 | 620000 | 0.1035 |
923
+ | 0.1656 | 621000 | 0.1153 |
924
+ | 0.1659 | 622000 | 0.1105 |
925
+ | 0.1661 | 623000 | 0.1128 |
926
+ | 0.1664 | 624000 | 0.1052 |
927
+ | 0.1667 | 625000 | 0.1146 |
928
+ | 0.1669 | 626000 | 0.1092 |
929
+ | 0.1672 | 627000 | 0.1137 |
930
+ | 0.1675 | 628000 | 0.1139 |
931
+ | 0.1677 | 629000 | 0.11 |
932
+ | 0.1680 | 630000 | 0.1062 |
933
+ | 0.1683 | 631000 | 0.1136 |
934
+ | 0.1685 | 632000 | 0.1124 |
935
+ | 0.1688 | 633000 | 0.1087 |
936
+ | 0.1691 | 634000 | 0.1109 |
937
+ | 0.1693 | 635000 | 0.1124 |
938
+ | 0.1696 | 636000 | 0.1074 |
939
+ | 0.1699 | 637000 | 0.106 |
940
+ | 0.1701 | 638000 | 0.1102 |
941
+ | 0.1704 | 639000 | 0.1127 |
942
+ | 0.1707 | 640000 | 0.108 |
943
+ | 0.1709 | 641000 | 0.1047 |
944
+ | 0.1712 | 642000 | 0.107 |
945
+ | 0.1715 | 643000 | 0.1135 |
946
+ | 0.1717 | 644000 | 0.1138 |
947
+ | 0.1720 | 645000 | 0.1087 |
948
+ | 0.1723 | 646000 | 0.1067 |
949
+ | 0.1725 | 647000 | 0.1116 |
950
+ | 0.1728 | 648000 | 0.1107 |
951
+ | 0.1731 | 649000 | 0.1105 |
952
+ | 0.1733 | 650000 | 0.1143 |
953
+ | 0.1736 | 651000 | 0.1098 |
954
+ | 0.1739 | 652000 | 0.1055 |
955
+ | 0.1741 | 653000 | 0.1089 |
956
+ | 0.1744 | 654000 | 0.1047 |
957
+ | 0.1747 | 655000 | 0.1003 |
958
+ | 0.1749 | 656000 | 0.1043 |
959
+ | 0.1752 | 657000 | 0.1112 |
960
+ | 0.1755 | 658000 | 0.1054 |
961
+ | 0.1757 | 659000 | 0.1145 |
962
+ | 0.1760 | 660000 | 0.1093 |
963
+ | 0.1763 | 661000 | 0.1102 |
964
+ | 0.1765 | 662000 | 0.1102 |
965
+ | 0.1768 | 663000 | 0.1086 |
966
+ | 0.1771 | 664000 | 0.108 |
967
+ | 0.1773 | 665000 | 0.1046 |
968
+ | 0.1776 | 666000 | 0.1064 |
969
+ | 0.1779 | 667000 | 0.1014 |
970
+ | 0.1781 | 668000 | 0.1039 |
971
+ | 0.1784 | 669000 | 0.1132 |
972
+ | 0.1787 | 670000 | 0.1076 |
973
+ | 0.1789 | 671000 | 0.1075 |
974
+ | 0.1792 | 672000 | 0.1089 |
975
+ | 0.1795 | 673000 | 0.1109 |
976
+ | 0.1797 | 674000 | 0.1035 |
977
+ | 0.1800 | 675000 | 0.105 |
978
+ | 0.1803 | 676000 | 0.108 |
979
+ | 0.1805 | 677000 | 0.1088 |
980
+ | 0.1808 | 678000 | 0.1094 |
981
+ | 0.1811 | 679000 | 0.1019 |
982
+ | 0.1813 | 680000 | 0.1054 |
983
+ | 0.1816 | 681000 | 0.1041 |
984
+ | 0.1819 | 682000 | 0.1086 |
985
+ | 0.1821 | 683000 | 0.1126 |
986
+ | 0.1824 | 684000 | 0.0996 |
987
+ | 0.1827 | 685000 | 0.1019 |
988
+ | 0.1829 | 686000 | 0.1013 |
989
+ | 0.1832 | 687000 | 0.1043 |
990
+ | 0.1835 | 688000 | 0.1045 |
991
+ | 0.1837 | 689000 | 0.1076 |
992
+ | 0.1840 | 690000 | 0.1046 |
993
+ | 0.1843 | 691000 | 0.1096 |
994
+ | 0.1845 | 692000 | 0.0994 |
995
+ | 0.1848 | 693000 | 0.1049 |
996
+ | 0.1851 | 694000 | 0.1104 |
997
+ | 0.1853 | 695000 | 0.1089 |
998
+ | 0.1856 | 696000 | 0.1039 |
999
+ | 0.1859 | 697000 | 0.1035 |
1000
+ | 0.1861 | 698000 | 0.1056 |
1001
+ | 0.1864 | 699000 | 0.1058 |
1002
+ | 0.1867 | 700000 | 0.1074 |
1003
+ | 0.1869 | 701000 | 0.1074 |
1004
+ | 0.1872 | 702000 | 0.1122 |
1005
+ | 0.1875 | 703000 | 0.1013 |
1006
+ | 0.1877 | 704000 | 0.1029 |
1007
+ | 0.1880 | 705000 | 0.0997 |
1008
+ | 0.1883 | 706000 | 0.1052 |
1009
+ | 0.1885 | 707000 | 0.1135 |
1010
+ | 0.1888 | 708000 | 0.1114 |
1011
+ | 0.1891 | 709000 | 0.111 |
1012
+ | 0.1893 | 710000 | 0.104 |
1013
+ | 0.1896 | 711000 | 0.1018 |
1014
+ | 0.1899 | 712000 | 0.1077 |
1015
+ | 0.1901 | 713000 | 0.103 |
1016
+ | 0.1904 | 714000 | 0.1083 |
1017
+ | 0.1907 | 715000 | 0.1042 |
1018
+ | 0.1909 | 716000 | 0.1078 |
1019
+ | 0.1912 | 717000 | 0.1014 |
1020
+ | 0.1915 | 718000 | 0.1022 |
1021
+ | 0.1917 | 719000 | 0.1023 |
1022
+ | 0.1920 | 720000 | 0.1041 |
1023
+ | 0.1923 | 721000 | 0.0982 |
1024
+ | 0.1925 | 722000 | 0.1094 |
1025
+ | 0.1928 | 723000 | 0.1085 |
1026
+ | 0.1931 | 724000 | 0.1033 |
1027
+ | 0.1933 | 725000 | 0.1042 |
1028
+ | 0.1936 | 726000 | 0.105 |
1029
+ | 0.1939 | 727000 | 0.1047 |
1030
+ | 0.1941 | 728000 | 0.1014 |
1031
+ | 0.1944 | 729000 | 0.1029 |
1032
+ | 0.1947 | 730000 | 0.1003 |
1033
+ | 0.1949 | 731000 | 0.1071 |
1034
+ | 0.1952 | 732000 | 0.1 |
1035
+ | 0.1955 | 733000 | 0.1074 |
1036
+ | 0.1957 | 734000 | 0.1097 |
1037
+ | 0.1960 | 735000 | 0.1059 |
1038
+ | 0.1963 | 736000 | 0.1042 |
1039
+ | 0.1965 | 737000 | 0.1039 |
1040
+ | 0.1968 | 738000 | 0.104 |
1041
+ | 0.1971 | 739000 | 0.1031 |
1042
+ | 0.1973 | 740000 | 0.1016 |
1043
+ | 0.1976 | 741000 | 0.1039 |
1044
+ | 0.1979 | 742000 | 0.1023 |
1045
+ | 0.1981 | 743000 | 0.0954 |
1046
+ | 0.1984 | 744000 | 0.1035 |
1047
+ | 0.1987 | 745000 | 0.102 |
1048
+ | 0.1989 | 746000 | 0.1081 |
1049
+ | 0.1992 | 747000 | 0.1083 |
1050
+ | 0.1995 | 748000 | 0.1049 |
1051
+ | 0.1997 | 749000 | 0.0957 |
1052
+ | 0.2000 | 750000 | 0.104 |
1053
+ | 0.2003 | 751000 | 0.1074 |
1054
+ | 0.2005 | 752000 | 0.1007 |
1055
+ | 0.2008 | 753000 | 0.1022 |
1056
+ | 0.2011 | 754000 | 0.0987 |
1057
+ | 0.2013 | 755000 | 0.1054 |
1058
+ | 0.2016 | 756000 | 0.0981 |
1059
+ | 0.2019 | 757000 | 0.0948 |
1060
+ | 0.2021 | 758000 | 0.0991 |
1061
+ | 0.2024 | 759000 | 0.1004 |
1062
+ | 0.2027 | 760000 | 0.1111 |
1063
+ | 0.2029 | 761000 | 0.0993 |
1064
+ | 0.2032 | 762000 | 0.1038 |
1065
+ | 0.2035 | 763000 | 0.103 |
1066
+ | 0.2037 | 764000 | 0.105 |
1067
+ | 0.2040 | 765000 | 0.1027 |
1068
+ | 0.2043 | 766000 | 0.0977 |
1069
+ | 0.2045 | 767000 | 0.1067 |
1070
+ | 0.2048 | 768000 | 0.1 |
1071
+ | 0.2051 | 769000 | 0.1039 |
1072
+ | 0.2053 | 770000 | 0.0986 |
1073
+ | 0.2056 | 771000 | 0.1035 |
1074
+ | 0.2059 | 772000 | 0.1013 |
1075
+ | 0.2061 | 773000 | 0.1006 |
1076
+ | 0.2064 | 774000 | 0.1056 |
1077
+ | 0.2067 | 775000 | 0.0997 |
1078
+ | 0.2069 | 776000 | 0.0976 |
1079
+ | 0.2072 | 777000 | 0.0957 |
1080
+ | 0.2075 | 778000 | 0.0996 |
1081
+ | 0.2077 | 779000 | 0.1043 |
1082
+ | 0.2080 | 780000 | 0.0936 |
1083
+ | 0.2083 | 781000 | 0.1004 |
1084
+ | 0.2085 | 782000 | 0.1002 |
1085
+ | 0.2088 | 783000 | 0.101 |
1086
+ | 0.2091 | 784000 | 0.1018 |
1087
+ | 0.2093 | 785000 | 0.0955 |
1088
+ | 0.2096 | 786000 | 0.0933 |
1089
+ | 0.2099 | 787000 | 0.1031 |
1090
+ | 0.2101 | 788000 | 0.1016 |
1091
+ | 0.2104 | 789000 | 0.0948 |
1092
+ | 0.2107 | 790000 | 0.1 |
1093
+ | 0.2109 | 791000 | 0.1032 |
1094
+ | 0.2112 | 792000 | 0.0992 |
1095
+ | 0.2115 | 793000 | 0.098 |
1096
+ | 0.2117 | 794000 | 0.0935 |
1097
+ | 0.2120 | 795000 | 0.0975 |
1098
+ | 0.2123 | 796000 | 0.101 |
1099
+ | 0.2125 | 797000 | 0.0968 |
1100
+ | 0.2128 | 798000 | 0.0955 |
1101
+ | 0.2131 | 799000 | 0.0987 |
1102
+ | 0.2133 | 800000 | 0.0991 |
1103
+ | 0.2136 | 801000 | 0.0949 |
1104
+ | 0.2139 | 802000 | 0.0899 |
1105
+ | 0.2141 | 803000 | 0.1008 |
1106
+ | 0.2144 | 804000 | 0.0943 |
1107
+ | 0.2147 | 805000 | 0.1011 |
1108
+ | 0.2149 | 806000 | 0.0978 |
1109
+ | 0.2152 | 807000 | 0.1021 |
1110
+ | 0.2155 | 808000 | 0.0967 |
1111
+ | 0.2157 | 809000 | 0.0989 |
1112
+ | 0.2160 | 810000 | 0.1007 |
1113
+ | 0.2163 | 811000 | 0.0965 |
1114
+ | 0.2165 | 812000 | 0.0983 |
1115
+ | 0.2168 | 813000 | 0.0965 |
1116
+ | 0.2171 | 814000 | 0.095 |
1117
+ | 0.2173 | 815000 | 0.1011 |
1118
+ | 0.2176 | 816000 | 0.0987 |
1119
+ | 0.2179 | 817000 | 0.0999 |
1120
+ | 0.2181 | 818000 | 0.0952 |
1121
+ | 0.2184 | 819000 | 0.094 |
1122
+ | 0.2187 | 820000 | 0.0981 |
1123
+ | 0.2189 | 821000 | 0.0937 |
1124
+ | 0.2192 | 822000 | 0.0962 |
1125
+ | 0.2195 | 823000 | 0.096 |
1126
+ | 0.2197 | 824000 | 0.091 |
1127
+ | 0.2200 | 825000 | 0.0973 |
1128
+ | 0.2203 | 826000 | 0.0993 |
1129
+ | 0.2205 | 827000 | 0.104 |
1130
+ | 0.2208 | 828000 | 0.0964 |
1131
+ | 0.2211 | 829000 | 0.1015 |
1132
+ | 0.2213 | 830000 | 0.0903 |
1133
+ | 0.2216 | 831000 | 0.0967 |
1134
+ | 0.2219 | 832000 | 0.1029 |
1135
+ | 0.2221 | 833000 | 0.0936 |
1136
+ | 0.2224 | 834000 | 0.0993 |
1137
+ | 0.2227 | 835000 | 0.0864 |
1138
+ | 0.2229 | 836000 | 0.0954 |
1139
+ | 0.2232 | 837000 | 0.0972 |
1140
+ | 0.2235 | 838000 | 0.0974 |
1141
+ | 0.2237 | 839000 | 0.0986 |
1142
+ | 0.2240 | 840000 | 0.0947 |
1143
+ | 0.2243 | 841000 | 0.0999 |
1144
+ | 0.2245 | 842000 | 0.0975 |
1145
+ | 0.2248 | 843000 | 0.0955 |
1146
+ | 0.2251 | 844000 | 0.0968 |
1147
+ | 0.2253 | 845000 | 0.0894 |
1148
+ | 0.2256 | 846000 | 0.096 |
1149
+ | 0.2259 | 847000 | 0.101 |
1150
+ | 0.2261 | 848000 | 0.094 |
1151
+ | 0.2264 | 849000 | 0.0937 |
1152
+ | 0.2267 | 850000 | 0.1052 |
1153
+ | 0.2269 | 851000 | 0.0888 |
1154
+ | 0.2272 | 852000 | 0.0898 |
1155
+ | 0.2275 | 853000 | 0.0908 |
1156
+ | 0.2277 | 854000 | 0.0963 |
1157
+ | 0.2280 | 855000 | 0.0971 |
1158
+ | 0.2283 | 856000 | 0.0968 |
1159
+ | 0.2285 | 857000 | 0.0978 |
1160
+ | 0.2288 | 858000 | 0.0946 |
1161
+ | 0.2291 | 859000 | 0.1004 |
1162
+ | 0.2293 | 860000 | 0.0923 |
1163
+ | 0.2296 | 861000 | 0.0929 |
1164
+ | 0.2299 | 862000 | 0.0952 |
1165
+ | 0.2301 | 863000 | 0.0948 |
1166
+ | 0.2304 | 864000 | 0.0936 |
1167
+ | 0.2307 | 865000 | 0.092 |
1168
+ | 0.2309 | 866000 | 0.0894 |
1169
+ | 0.2312 | 867000 | 0.0922 |
1170
+ | 0.2315 | 868000 | 0.0946 |
1171
+ | 0.2317 | 869000 | 0.0967 |
1172
+ | 0.2320 | 870000 | 0.0965 |
1173
+ | 0.2323 | 871000 | 0.0966 |
1174
+ | 0.2325 | 872000 | 0.0927 |
1175
+ | 0.2328 | 873000 | 0.0931 |
1176
+ | 0.2331 | 874000 | 0.0901 |
1177
+ | 0.2333 | 875000 | 0.0929 |
1178
+ | 0.2336 | 876000 | 0.096 |
1179
+ | 0.2339 | 877000 | 0.0912 |
1180
+ | 0.2341 | 878000 | 0.0915 |
1181
+ | 0.2344 | 879000 | 0.095 |
1182
+ | 0.2347 | 880000 | 0.0938 |
1183
+ | 0.2349 | 881000 | 0.0987 |
1184
+ | 0.2352 | 882000 | 0.0955 |
1185
+ | 0.2355 | 883000 | 0.091 |
1186
+ | 0.2357 | 884000 | 0.0909 |
1187
+ | 0.2360 | 885000 | 0.094 |
1188
+ | 0.2363 | 886000 | 0.095 |
1189
+ | 0.2365 | 887000 | 0.0923 |
1190
+ | 0.2368 | 888000 | 0.0986 |
1191
+ | 0.2371 | 889000 | 0.0945 |
1192
+ | 0.2373 | 890000 | 0.0951 |
1193
+ | 0.2376 | 891000 | 0.0922 |
1194
+ | 0.2379 | 892000 | 0.0896 |
1195
+ | 0.2381 | 893000 | 0.095 |
1196
+ | 0.2384 | 894000 | 0.0915 |
1197
+ | 0.2387 | 895000 | 0.0907 |
1198
+ | 0.2389 | 896000 | 0.0917 |
1199
+ | 0.2392 | 897000 | 0.091 |
1200
+ | 0.2395 | 898000 | 0.093 |
1201
+ | 0.2397 | 899000 | 0.0993 |
1202
+ | 0.2400 | 900000 | 0.0988 |
1203
+ | 0.2403 | 901000 | 0.093 |
1204
+ | 0.2405 | 902000 | 0.0905 |
1205
+ | 0.2408 | 903000 | 0.0968 |
1206
+ | 0.2411 | 904000 | 0.0918 |
1207
+ | 0.2413 | 905000 | 0.0937 |
1208
+ | 0.2416 | 906000 | 0.0971 |
1209
+ | 0.2419 | 907000 | 0.0896 |
1210
+ | 0.2421 | 908000 | 0.0936 |
1211
+ | 0.2424 | 909000 | 0.0923 |
1212
+ | 0.2427 | 910000 | 0.0959 |
1213
+ | 0.2429 | 911000 | 0.0901 |
1214
+ | 0.2432 | 912000 | 0.0937 |
1215
+ | 0.2435 | 913000 | 0.0968 |
1216
+ | 0.2437 | 914000 | 0.0889 |
1217
+ | 0.2440 | 915000 | 0.0921 |
1218
+ | 0.2443 | 916000 | 0.0945 |
1219
+ | 0.2445 | 917000 | 0.088 |
1220
+ | 0.2448 | 918000 | 0.0916 |
1221
+ | 0.2451 | 919000 | 0.0975 |
1222
+ | 0.2453 | 920000 | 0.085 |
1223
+ | 0.2456 | 921000 | 0.0903 |
1224
+ | 0.2459 | 922000 | 0.0988 |
1225
+ | 0.2461 | 923000 | 0.0846 |
1226
+ | 0.2464 | 924000 | 0.0937 |
1227
+ | 0.2467 | 925000 | 0.0951 |
1228
+ | 0.2469 | 926000 | 0.092 |
1229
+ | 0.2472 | 927000 | 0.0989 |
1230
+ | 0.2475 | 928000 | 0.0835 |
1231
+ | 0.2477 | 929000 | 0.0925 |
1232
+ | 0.2480 | 930000 | 0.0953 |
1233
+ | 0.2483 | 931000 | 0.0885 |
1234
+ | 0.2485 | 932000 | 0.0887 |
1235
+ | 0.2488 | 933000 | 0.0868 |
1236
+ | 0.2491 | 934000 | 0.0882 |
1237
+ | 0.2493 | 935000 | 0.0933 |
1238
+ | 0.2496 | 936000 | 0.0896 |
1239
+ | 0.2499 | 937000 | 0.0917 |
1240
+
1241
+ </details>
1242
+
1243
+ ### Framework Versions
1244
+ - Python: 3.12.2
1245
+ - Sentence Transformers: 3.2.1
1246
+ - Transformers: 4.44.2
1247
+ - PyTorch: 2.5.0
1248
+ - Accelerate: 1.0.1
1249
+ - Datasets: 3.0.2
1250
+ - Tokenizers: 0.19.1
1251
+
1252
+ ## Citation
1253
+
1254
+ ### BibTeX
1255
+
1256
+ #### Sentence Transformers
1257
+ ```bibtex
1258
+ @inproceedings{reimers-2019-sentence-bert,
1259
+ title = "Sentence-BERT: Sentence Embeddings using Siamese BERT-Networks",
1260
+ author = "Reimers, Nils and Gurevych, Iryna",
1261
+ booktitle = "Proceedings of the 2019 Conference on Empirical Methods in Natural Language Processing",
1262
+ month = "11",
1263
+ year = "2019",
1264
+ publisher = "Association for Computational Linguistics",
1265
+ url = "https://arxiv.org/abs/1908.10084",
1266
+ }
1267
+ ```
1268
+
1269
+ #### CustomTripletLoss
1270
+ ```bibtex
1271
+ @misc{hermans2017defense,
1272
+ title={In Defense of the Triplet Loss for Person Re-Identification},
1273
+ author={Alexander Hermans and Lucas Beyer and Bastian Leibe},
1274
+ year={2017},
1275
+ eprint={1703.07737},
1276
+ archivePrefix={arXiv},
1277
+ primaryClass={cs.CV}
1278
+ }
1279
+ ```
1280
+
1281
+ <!--
1282
+ ## Glossary
1283
+
1284
+ *Clearly define terms in order to be accessible across audiences.*
1285
+ -->
1286
+
1287
+ <!--
1288
+ ## Model Card Authors
1289
+
1290
+ *Lists the people who create the model card, providing recognition and accountability for the detailed work that goes into its construction.*
1291
+ -->
1292
+
1293
+ <!--
1294
+ ## Model Card Contact
1295
+
1296
+ *Provides a way for people who have updates to the Model Card, suggestions, or questions, to contact the Model Card authors.*
1297
+ -->
added_tokens.json ADDED
@@ -0,0 +1,4 @@
 
 
 
 
 
1
+ {
2
+ "[TEXT]": 32768,
3
+ "[YEAR_RANGE]": 32769
4
+ }
config.json ADDED
@@ -0,0 +1,25 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_name_or_path": "pankajrajdeo/UMLS-ED-Bioformer-8L-V-1.25",
3
+ "architectures": [
4
+ "BertModel"
5
+ ],
6
+ "attention_probs_dropout_prob": 0.1,
7
+ "classifier_dropout": null,
8
+ "hidden_act": "gelu",
9
+ "hidden_dropout_prob": 0.1,
10
+ "hidden_size": 512,
11
+ "initializer_range": 0.02,
12
+ "intermediate_size": 2048,
13
+ "layer_norm_eps": 1e-12,
14
+ "max_position_embeddings": 512,
15
+ "model_type": "bert",
16
+ "num_attention_heads": 8,
17
+ "num_hidden_layers": 8,
18
+ "pad_token_id": 0,
19
+ "position_embedding_type": "absolute",
20
+ "torch_dtype": "float32",
21
+ "transformers_version": "4.47.1",
22
+ "type_vocab_size": 2,
23
+ "use_cache": true,
24
+ "vocab_size": 32770
25
+ }
config_sentence_transformers.json ADDED
@@ -0,0 +1,10 @@
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "__version__": {
3
+ "sentence_transformers": "3.3.1",
4
+ "transformers": "4.47.1",
5
+ "pytorch": "2.5.1+cu121"
6
+ },
7
+ "prompts": {},
8
+ "default_prompt_name": null,
9
+ "similarity_fn_name": "cosine"
10
+ }
model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:8c66a9f01ef4f277f6ed0e02a018ab74f99da2df197ae8637971d135a58cca78
3
+ size 170111688
modules.json ADDED
@@ -0,0 +1,14 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ [
2
+ {
3
+ "idx": 0,
4
+ "name": "0",
5
+ "path": "",
6
+ "type": "sentence_transformers.models.Transformer"
7
+ },
8
+ {
9
+ "idx": 1,
10
+ "name": "1",
11
+ "path": "1_Pooling",
12
+ "type": "sentence_transformers.models.Pooling"
13
+ }
14
+ ]
sentence_bert_config.json ADDED
@@ -0,0 +1,4 @@
 
 
 
 
 
1
+ {
2
+ "max_seq_length": 512,
3
+ "do_lower_case": false
4
+ }
special_tokens_map.json ADDED
@@ -0,0 +1,53 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "additional_special_tokens": [
3
+ {
4
+ "content": "[TEXT]",
5
+ "lstrip": false,
6
+ "normalized": false,
7
+ "rstrip": false,
8
+ "single_word": false
9
+ },
10
+ {
11
+ "content": "[YEAR_RANGE]",
12
+ "lstrip": false,
13
+ "normalized": false,
14
+ "rstrip": false,
15
+ "single_word": false
16
+ }
17
+ ],
18
+ "cls_token": {
19
+ "content": "[CLS]",
20
+ "lstrip": false,
21
+ "normalized": false,
22
+ "rstrip": false,
23
+ "single_word": false
24
+ },
25
+ "mask_token": {
26
+ "content": "[MASK]",
27
+ "lstrip": false,
28
+ "normalized": false,
29
+ "rstrip": false,
30
+ "single_word": false
31
+ },
32
+ "pad_token": {
33
+ "content": "[PAD]",
34
+ "lstrip": false,
35
+ "normalized": false,
36
+ "rstrip": false,
37
+ "single_word": false
38
+ },
39
+ "sep_token": {
40
+ "content": "[SEP]",
41
+ "lstrip": false,
42
+ "normalized": false,
43
+ "rstrip": false,
44
+ "single_word": false
45
+ },
46
+ "unk_token": {
47
+ "content": "[UNK]",
48
+ "lstrip": false,
49
+ "normalized": false,
50
+ "rstrip": false,
51
+ "single_word": false
52
+ }
53
+ }
tokenizer.json ADDED
The diff for this file is too large to render. See raw diff
 
tokenizer_config.json ADDED
@@ -0,0 +1,85 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "added_tokens_decoder": {
3
+ "0": {
4
+ "content": "[PAD]",
5
+ "lstrip": false,
6
+ "normalized": false,
7
+ "rstrip": false,
8
+ "single_word": false,
9
+ "special": true
10
+ },
11
+ "100": {
12
+ "content": "[UNK]",
13
+ "lstrip": false,
14
+ "normalized": false,
15
+ "rstrip": false,
16
+ "single_word": false,
17
+ "special": true
18
+ },
19
+ "101": {
20
+ "content": "[CLS]",
21
+ "lstrip": false,
22
+ "normalized": false,
23
+ "rstrip": false,
24
+ "single_word": false,
25
+ "special": true
26
+ },
27
+ "102": {
28
+ "content": "[SEP]",
29
+ "lstrip": false,
30
+ "normalized": false,
31
+ "rstrip": false,
32
+ "single_word": false,
33
+ "special": true
34
+ },
35
+ "103": {
36
+ "content": "[MASK]",
37
+ "lstrip": false,
38
+ "normalized": false,
39
+ "rstrip": false,
40
+ "single_word": false,
41
+ "special": true
42
+ },
43
+ "32768": {
44
+ "content": "[TEXT]",
45
+ "lstrip": false,
46
+ "normalized": false,
47
+ "rstrip": false,
48
+ "single_word": false,
49
+ "special": true
50
+ },
51
+ "32769": {
52
+ "content": "[YEAR_RANGE]",
53
+ "lstrip": false,
54
+ "normalized": false,
55
+ "rstrip": false,
56
+ "single_word": false,
57
+ "special": true
58
+ }
59
+ },
60
+ "additional_special_tokens": [
61
+ "[TEXT]",
62
+ "[YEAR_RANGE]"
63
+ ],
64
+ "clean_up_tokenization_spaces": true,
65
+ "cls_token": "[CLS]",
66
+ "do_basic_tokenize": true,
67
+ "do_lower_case": false,
68
+ "extra_special_tokens": {},
69
+ "mask_token": "[MASK]",
70
+ "max_length": 512,
71
+ "model_max_length": 512,
72
+ "never_split": null,
73
+ "pad_to_multiple_of": null,
74
+ "pad_token": "[PAD]",
75
+ "pad_token_type_id": 0,
76
+ "padding_side": "right",
77
+ "sep_token": "[SEP]",
78
+ "stride": 0,
79
+ "strip_accents": null,
80
+ "tokenize_chinese_chars": true,
81
+ "tokenizer_class": "BertTokenizer",
82
+ "truncation_side": "right",
83
+ "truncation_strategy": "longest_first",
84
+ "unk_token": "[UNK]"
85
+ }
vocab.txt ADDED
The diff for this file is too large to render. See raw diff