rahulseetharaman commited on
Commit
a74053e
·
verified ·
1 Parent(s): 74237f9

Add new CrossEncoder model

Browse files
Files changed (6) hide show
  1. README.md +538 -0
  2. config.json +57 -0
  3. model.safetensors +3 -0
  4. special_tokens_map.json +37 -0
  5. tokenizer.json +0 -0
  6. tokenizer_config.json +945 -0
README.md ADDED
@@ -0,0 +1,538 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ language:
3
+ - en
4
+ tags:
5
+ - sentence-transformers
6
+ - cross-encoder
7
+ - reranker
8
+ - generated_from_trainer
9
+ - dataset_size:9960000
10
+ - loss:BinaryCrossEntropyLoss
11
+ base_model: jhu-clsp/ettin-encoder-32m
12
+ datasets:
13
+ - sentence-transformers/msmarco
14
+ pipeline_tag: text-ranking
15
+ library_name: sentence-transformers
16
+ metrics:
17
+ - map
18
+ - mrr@10
19
+ - ndcg@10
20
+ model-index:
21
+ - name: CrossEncoder based on jhu-clsp/ettin-encoder-32m
22
+ results:
23
+ - task:
24
+ type: cross-encoder-reranking
25
+ name: Cross Encoder Reranking
26
+ dataset:
27
+ name: NanoMSMARCO R100
28
+ type: NanoMSMARCO_R100
29
+ metrics:
30
+ - type: map
31
+ value: 0.6052
32
+ name: Map
33
+ - type: mrr@10
34
+ value: 0.5998
35
+ name: Mrr@10
36
+ - type: ndcg@10
37
+ value: 0.6717
38
+ name: Ndcg@10
39
+ - task:
40
+ type: cross-encoder-reranking
41
+ name: Cross Encoder Reranking
42
+ dataset:
43
+ name: NanoNFCorpus R100
44
+ type: NanoNFCorpus_R100
45
+ metrics:
46
+ - type: map
47
+ value: 0.3112
48
+ name: Map
49
+ - type: mrr@10
50
+ value: 0.5052
51
+ name: Mrr@10
52
+ - type: ndcg@10
53
+ value: 0.326
54
+ name: Ndcg@10
55
+ - task:
56
+ type: cross-encoder-reranking
57
+ name: Cross Encoder Reranking
58
+ dataset:
59
+ name: NanoNQ R100
60
+ type: NanoNQ_R100
61
+ metrics:
62
+ - type: map
63
+ value: 0.6232
64
+ name: Map
65
+ - type: mrr@10
66
+ value: 0.646
67
+ name: Mrr@10
68
+ - type: ndcg@10
69
+ value: 0.6792
70
+ name: Ndcg@10
71
+ - task:
72
+ type: cross-encoder-nano-beir
73
+ name: Cross Encoder Nano BEIR
74
+ dataset:
75
+ name: NanoBEIR R100 mean
76
+ type: NanoBEIR_R100_mean
77
+ metrics:
78
+ - type: map
79
+ value: 0.5132
80
+ name: Map
81
+ - type: mrr@10
82
+ value: 0.5837
83
+ name: Mrr@10
84
+ - type: ndcg@10
85
+ value: 0.559
86
+ name: Ndcg@10
87
+ ---
88
+
89
+ # CrossEncoder based on jhu-clsp/ettin-encoder-32m
90
+
91
+ This is a [Cross Encoder](https://www.sbert.net/docs/cross_encoder/usage/usage.html) model finetuned from [jhu-clsp/ettin-encoder-32m](https://huggingface.co/jhu-clsp/ettin-encoder-32m) on the [msmarco](https://huggingface.co/datasets/sentence-transformers/msmarco) dataset using the [sentence-transformers](https://www.SBERT.net) library. It computes scores for pairs of texts, which can be used for text reranking and semantic search.
92
+
93
+ ## Model Details
94
+
95
+ ### Model Description
96
+ - **Model Type:** Cross Encoder
97
+ - **Base model:** [jhu-clsp/ettin-encoder-32m](https://huggingface.co/jhu-clsp/ettin-encoder-32m) <!-- at revision 1b8ba06455dd44f80fc9c1ca9e22806157a57379 -->
98
+ - **Maximum Sequence Length:** 7999 tokens
99
+ - **Number of Output Labels:** 1 label
100
+ - **Training Dataset:**
101
+ - [msmarco](https://huggingface.co/datasets/sentence-transformers/msmarco)
102
+ - **Language:** en
103
+ <!-- - **License:** Unknown -->
104
+
105
+ ### Model Sources
106
+
107
+ - **Documentation:** [Sentence Transformers Documentation](https://sbert.net)
108
+ - **Documentation:** [Cross Encoder Documentation](https://www.sbert.net/docs/cross_encoder/usage/usage.html)
109
+ - **Repository:** [Sentence Transformers on GitHub](https://github.com/UKPLab/sentence-transformers)
110
+ - **Hugging Face:** [Cross Encoders on Hugging Face](https://huggingface.co/models?library=sentence-transformers&other=cross-encoder)
111
+
112
+ ## Usage
113
+
114
+ ### Direct Usage (Sentence Transformers)
115
+
116
+ First install the Sentence Transformers library:
117
+
118
+ ```bash
119
+ pip install -U sentence-transformers
120
+ ```
121
+
122
+ Then you can load this model and run inference.
123
+ ```python
124
+ from sentence_transformers import CrossEncoder
125
+
126
+ # Download from the 🤗 Hub
127
+ model = CrossEncoder("rahulseetharaman/reranker-ettin-encoder-32m-msmarco-bce-10m")
128
+ # Get scores for pairs of texts
129
+ pairs = [
130
+ ['select committees definition government', 'There are four types of congressional committees: 1 Standing committees, which continue from one Congress to the next, are probably the most important type because they consider and shape the vast majority of proposed laws. 2 Select committees are temporarily formed for specific purposes, often to study a particular issue.'],
131
+ ['what is a perceptual map', 'Welcome to our New Castle, Pennsylvania street map page. The street map of New Castle PA that is located below is provided by Google Maps. You can grab the New Castle Pennsylvania street map and move it around to re-centre the map. You can change between standard map view, satellite map view and hybrid map view.'],
132
+ ['what makes your skin feel cold and burn', 'When the wind blows in cold weather, you feel colder than the actual temperature because the air blows away heat from your skin faster. For instance, if the temperature is -17.8 Celsius (0 Fahrenheit) and the wind blows at 15 mph, it feels like -28.3 Celsius (-19 Fahrenheit) -- exposed skin can freeze in 30 minutes.'],
133
+ ['average act score for university of georgia', 'A graph of UB, University at Buffalo GPA, SAT score, and ACT score admissions data for students who were accepted, rejected, and waitlisted. A graph of UB, University at Buffalo GPA, SAT score, and ACT score admissions data for students who were accepted, rejected, and waitlisted. University at Buffalo GPA, SAT and ACT Data Search the site GO'],
134
+ ['when was the ontario, ca, post office established', 'In 1832 Jed Jackson had the contract for carrying mail from Brantford to London twice a week along the Old Stage Road. On October 6, 1835, a post office was established at Woodstock, Ontario, with Princeton following within two years. According to the Legislative Council Sessional Papers for 1846, a post office was established at Princeton on May 6, 1836 and Jeremiah Cowin was appointed postmaster on May 9, 1837. The sureties were George Beamer and Silas Martin to the amount of £200. The assistant was John Charles.'],
135
+ ]
136
+ scores = model.predict(pairs)
137
+ print(scores.shape)
138
+ # (5,)
139
+
140
+ # Or rank different texts based on similarity to a single text
141
+ ranks = model.rank(
142
+ 'select committees definition government',
143
+ [
144
+ 'There are four types of congressional committees: 1 Standing committees, which continue from one Congress to the next, are probably the most important type because they consider and shape the vast majority of proposed laws. 2 Select committees are temporarily formed for specific purposes, often to study a particular issue.',
145
+ 'Welcome to our New Castle, Pennsylvania street map page. The street map of New Castle PA that is located below is provided by Google Maps. You can grab the New Castle Pennsylvania street map and move it around to re-centre the map. You can change between standard map view, satellite map view and hybrid map view.',
146
+ 'When the wind blows in cold weather, you feel colder than the actual temperature because the air blows away heat from your skin faster. For instance, if the temperature is -17.8 Celsius (0 Fahrenheit) and the wind blows at 15 mph, it feels like -28.3 Celsius (-19 Fahrenheit) -- exposed skin can freeze in 30 minutes.',
147
+ 'A graph of UB, University at Buffalo GPA, SAT score, and ACT score admissions data for students who were accepted, rejected, and waitlisted. A graph of UB, University at Buffalo GPA, SAT score, and ACT score admissions data for students who were accepted, rejected, and waitlisted. University at Buffalo GPA, SAT and ACT Data Search the site GO',
148
+ 'In 1832 Jed Jackson had the contract for carrying mail from Brantford to London twice a week along the Old Stage Road. On October 6, 1835, a post office was established at Woodstock, Ontario, with Princeton following within two years. According to the Legislative Council Sessional Papers for 1846, a post office was established at Princeton on May 6, 1836 and Jeremiah Cowin was appointed postmaster on May 9, 1837. The sureties were George Beamer and Silas Martin to the amount of £200. The assistant was John Charles.',
149
+ ]
150
+ )
151
+ # [{'corpus_id': ..., 'score': ...}, {'corpus_id': ..., 'score': ...}, ...]
152
+ ```
153
+
154
+ <!--
155
+ ### Direct Usage (Transformers)
156
+
157
+ <details><summary>Click to see the direct usage in Transformers</summary>
158
+
159
+ </details>
160
+ -->
161
+
162
+ <!--
163
+ ### Downstream Usage (Sentence Transformers)
164
+
165
+ You can finetune this model on your own dataset.
166
+
167
+ <details><summary>Click to expand</summary>
168
+
169
+ </details>
170
+ -->
171
+
172
+ <!--
173
+ ### Out-of-Scope Use
174
+
175
+ *List how the model may foreseeably be misused and address what users ought not to do with the model.*
176
+ -->
177
+
178
+ ## Evaluation
179
+
180
+ ### Metrics
181
+
182
+ #### Cross Encoder Reranking
183
+
184
+ * Datasets: `NanoMSMARCO_R100`, `NanoNFCorpus_R100` and `NanoNQ_R100`
185
+ * Evaluated with [<code>CrossEncoderRerankingEvaluator</code>](https://sbert.net/docs/package_reference/cross_encoder/evaluation.html#sentence_transformers.cross_encoder.evaluation.CrossEncoderRerankingEvaluator) with these parameters:
186
+ ```json
187
+ {
188
+ "at_k": 10,
189
+ "always_rerank_positives": true
190
+ }
191
+ ```
192
+
193
+ | Metric | NanoMSMARCO_R100 | NanoNFCorpus_R100 | NanoNQ_R100 |
194
+ |:------------|:---------------------|:---------------------|:---------------------|
195
+ | map | 0.6052 (+0.1156) | 0.3112 (+0.0502) | 0.6232 (+0.2036) |
196
+ | mrr@10 | 0.5998 (+0.1223) | 0.5052 (+0.0054) | 0.6460 (+0.2194) |
197
+ | **ndcg@10** | **0.6717 (+0.1313)** | **0.3260 (+0.0010)** | **0.6792 (+0.1786)** |
198
+
199
+ #### Cross Encoder Nano BEIR
200
+
201
+ * Dataset: `NanoBEIR_R100_mean`
202
+ * Evaluated with [<code>CrossEncoderNanoBEIREvaluator</code>](https://sbert.net/docs/package_reference/cross_encoder/evaluation.html#sentence_transformers.cross_encoder.evaluation.CrossEncoderNanoBEIREvaluator) with these parameters:
203
+ ```json
204
+ {
205
+ "dataset_names": [
206
+ "msmarco",
207
+ "nfcorpus",
208
+ "nq"
209
+ ],
210
+ "rerank_k": 100,
211
+ "at_k": 10,
212
+ "always_rerank_positives": true
213
+ }
214
+ ```
215
+
216
+ | Metric | Value |
217
+ |:------------|:---------------------|
218
+ | map | 0.5132 (+0.1231) |
219
+ | mrr@10 | 0.5837 (+0.1157) |
220
+ | **ndcg@10** | **0.5590 (+0.1036)** |
221
+
222
+ <!--
223
+ ## Bias, Risks and Limitations
224
+
225
+ *What are the known or foreseeable issues stemming from this model? You could also flag here known failure cases or weaknesses of the model.*
226
+ -->
227
+
228
+ <!--
229
+ ### Recommendations
230
+
231
+ *What are recommendations with respect to the foreseeable issues? For example, filtering explicit content.*
232
+ -->
233
+
234
+ ## Training Details
235
+
236
+ ### Training Dataset
237
+
238
+ #### msmarco
239
+
240
+ * Dataset: [msmarco](https://huggingface.co/datasets/sentence-transformers/msmarco) at [9e329ed](https://huggingface.co/datasets/sentence-transformers/msmarco/tree/9e329ed2e649c9d37b0d91dd6b764ff6fe671d83)
241
+ * Size: 9,960,000 training samples
242
+ * Columns: <code>query</code>, <code>passage</code>, and <code>score</code>
243
+ * Approximate statistics based on the first 1000 samples:
244
+ | | query | passage | score |
245
+ |:--------|:-----------------------------------------------------------------------------------------------|:-------------------------------------------------------------------------------------------------|:---------------------------------------------------------------|
246
+ | type | string | string | float |
247
+ | details | <ul><li>min: 9 characters</li><li>mean: 33.93 characters</li><li>max: 110 characters</li></ul> | <ul><li>min: 80 characters</li><li>mean: 348.08 characters</li><li>max: 897 characters</li></ul> | <ul><li>min: 0.0</li><li>mean: 0.49</li><li>max: 1.0</li></ul> |
248
+ * Samples:
249
+ | query | passage | score |
250
+ |:------------------------------------------------------------------------------------------|:------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|:-----------------|
251
+ | <code>nap in chinese</code> | <code>continued... Most children from about 21 to 36 months of age still need one nap a day, which may range from one to three and a half hours long.They typically go to bed between 7 and 9 p.m. and wake up between 6 and 8 a.m. 3-6 Years Old: 10 - 12 hours per day.ontinued... Most children from about 21 to 36 months of age still need one nap a day, which may range from one to three and a half hours long.</code> | <code>0.0</code> |
252
+ | <code>what abdominal organ is most frequently injured as a result of blunt trauma?</code> | <code>Bochdalek Hernia. Bochdalek hernia is a congenital posterolateral diaphragmatic defect that is a result of failed closure of the pleuroperitoneal ducts -- a primitive communications between the pleural and abdominal cavities -- at 8 weeks' gestation.ochdalek Hernia. Bochdalek hernia is a congenital posterolateral diaphragmatic defect that is a result of failed closure of the pleuroperitoneal ducts -- a primitive communications between the pleural and abdominal cavities -- at 8 weeks' gestation.</code> | <code>0.0</code> |
253
+ | <code>where is round rock tx</code> | <code>Driving distance from Dallas, TX to Fort Worth, TX The total driving distance from Dallas, TX to Fort Worth, TX is 33 miles or 53 kilometers. Your trip begins in Dallas, Texas. It ends in Fort Worth, Texas. If you are planning a road trip, you might also want to calculate the total driving time from Dallas, TX to Fort Worth, TX so you can see when you'll arrive at your destination. You can also calculate the cost of driving from Dallas, TX to Fort Worth, TX based on current local fuel prices and an estimate of your car's best gas mileage.</code> | <code>0.0</code> |
254
+ * Loss: [<code>BinaryCrossEntropyLoss</code>](https://sbert.net/docs/package_reference/cross_encoder/losses.html#binarycrossentropyloss) with these parameters:
255
+ ```json
256
+ {
257
+ "activation_fn": "torch.nn.modules.linear.Identity",
258
+ "pos_weight": null
259
+ }
260
+ ```
261
+
262
+ ### Evaluation Dataset
263
+
264
+ #### msmarco
265
+
266
+ * Dataset: [msmarco](https://huggingface.co/datasets/sentence-transformers/msmarco) at [9e329ed](https://huggingface.co/datasets/sentence-transformers/msmarco/tree/9e329ed2e649c9d37b0d91dd6b764ff6fe671d83)
267
+ * Size: 40,000 evaluation samples
268
+ * Columns: <code>query</code>, <code>passage</code>, and <code>score</code>
269
+ * Approximate statistics based on the first 1000 samples:
270
+ | | query | passage | score |
271
+ |:--------|:----------------------------------------------------------------------------------------------|:-------------------------------------------------------------------------------------------------|:---------------------------------------------------------------|
272
+ | type | string | string | float |
273
+ | details | <ul><li>min: 11 characters</li><li>mean: 34.1 characters</li><li>max: 96 characters</li></ul> | <ul><li>min: 75 characters</li><li>mean: 341.31 characters</li><li>max: 938 characters</li></ul> | <ul><li>min: 0.0</li><li>mean: 0.49</li><li>max: 1.0</li></ul> |
274
+ * Samples:
275
+ | query | passage | score |
276
+ |:-----------------------------------------------------|:----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|:-----------------|
277
+ | <code>select committees definition government</code> | <code>There are four types of congressional committees: 1 Standing committees, which continue from one Congress to the next, are probably the most important type because they consider and shape the vast majority of proposed laws. 2 Select committees are temporarily formed for specific purposes, often to study a particular issue.</code> | <code>1.0</code> |
278
+ | <code>what is a perceptual map</code> | <code>Welcome to our New Castle, Pennsylvania street map page. The street map of New Castle PA that is located below is provided by Google Maps. You can grab the New Castle Pennsylvania street map and move it around to re-centre the map. You can change between standard map view, satellite map view and hybrid map view.</code> | <code>0.0</code> |
279
+ | <code>what makes your skin feel cold and burn</code> | <code>When the wind blows in cold weather, you feel colder than the actual temperature because the air blows away heat from your skin faster. For instance, if the temperature is -17.8 Celsius (0 Fahrenheit) and the wind blows at 15 mph, it feels like -28.3 Celsius (-19 Fahrenheit) -- exposed skin can freeze in 30 minutes.</code> | <code>0.0</code> |
280
+ * Loss: [<code>BinaryCrossEntropyLoss</code>](https://sbert.net/docs/package_reference/cross_encoder/losses.html#binarycrossentropyloss) with these parameters:
281
+ ```json
282
+ {
283
+ "activation_fn": "torch.nn.modules.linear.Identity",
284
+ "pos_weight": null
285
+ }
286
+ ```
287
+
288
+ ### Training Hyperparameters
289
+ #### Non-Default Hyperparameters
290
+
291
+ - `eval_strategy`: steps
292
+ - `per_device_train_batch_size`: 64
293
+ - `per_device_eval_batch_size`: 64
294
+ - `learning_rate`: 2e-05
295
+ - `num_train_epochs`: 4
296
+ - `warmup_ratio`: 0.1
297
+ - `seed`: 12
298
+ - `bf16`: True
299
+ - `dataloader_num_workers`: 4
300
+ - `load_best_model_at_end`: True
301
+
302
+ #### All Hyperparameters
303
+ <details><summary>Click to expand</summary>
304
+
305
+ - `overwrite_output_dir`: False
306
+ - `do_predict`: False
307
+ - `eval_strategy`: steps
308
+ - `prediction_loss_only`: True
309
+ - `per_device_train_batch_size`: 64
310
+ - `per_device_eval_batch_size`: 64
311
+ - `per_gpu_train_batch_size`: None
312
+ - `per_gpu_eval_batch_size`: None
313
+ - `gradient_accumulation_steps`: 1
314
+ - `eval_accumulation_steps`: None
315
+ - `torch_empty_cache_steps`: None
316
+ - `learning_rate`: 2e-05
317
+ - `weight_decay`: 0.0
318
+ - `adam_beta1`: 0.9
319
+ - `adam_beta2`: 0.999
320
+ - `adam_epsilon`: 1e-08
321
+ - `max_grad_norm`: 1.0
322
+ - `num_train_epochs`: 4
323
+ - `max_steps`: -1
324
+ - `lr_scheduler_type`: linear
325
+ - `lr_scheduler_kwargs`: {}
326
+ - `warmup_ratio`: 0.1
327
+ - `warmup_steps`: 0
328
+ - `log_level`: passive
329
+ - `log_level_replica`: warning
330
+ - `log_on_each_node`: True
331
+ - `logging_nan_inf_filter`: True
332
+ - `save_safetensors`: True
333
+ - `save_on_each_node`: False
334
+ - `save_only_model`: False
335
+ - `restore_callback_states_from_checkpoint`: False
336
+ - `no_cuda`: False
337
+ - `use_cpu`: False
338
+ - `use_mps_device`: False
339
+ - `seed`: 12
340
+ - `data_seed`: None
341
+ - `jit_mode_eval`: False
342
+ - `use_ipex`: False
343
+ - `bf16`: True
344
+ - `fp16`: False
345
+ - `fp16_opt_level`: O1
346
+ - `half_precision_backend`: auto
347
+ - `bf16_full_eval`: False
348
+ - `fp16_full_eval`: False
349
+ - `tf32`: None
350
+ - `local_rank`: 0
351
+ - `ddp_backend`: None
352
+ - `tpu_num_cores`: None
353
+ - `tpu_metrics_debug`: False
354
+ - `debug`: []
355
+ - `dataloader_drop_last`: False
356
+ - `dataloader_num_workers`: 4
357
+ - `dataloader_prefetch_factor`: None
358
+ - `past_index`: -1
359
+ - `disable_tqdm`: False
360
+ - `remove_unused_columns`: True
361
+ - `label_names`: None
362
+ - `load_best_model_at_end`: True
363
+ - `ignore_data_skip`: False
364
+ - `fsdp`: []
365
+ - `fsdp_min_num_params`: 0
366
+ - `fsdp_config`: {'min_num_params': 0, 'xla': False, 'xla_fsdp_v2': False, 'xla_fsdp_grad_ckpt': False}
367
+ - `fsdp_transformer_layer_cls_to_wrap`: None
368
+ - `accelerator_config`: {'split_batches': False, 'dispatch_batches': None, 'even_batches': True, 'use_seedable_sampler': True, 'non_blocking': False, 'gradient_accumulation_kwargs': None}
369
+ - `deepspeed`: None
370
+ - `label_smoothing_factor`: 0.0
371
+ - `optim`: adamw_torch
372
+ - `optim_args`: None
373
+ - `adafactor`: False
374
+ - `group_by_length`: False
375
+ - `length_column_name`: length
376
+ - `ddp_find_unused_parameters`: None
377
+ - `ddp_bucket_cap_mb`: None
378
+ - `ddp_broadcast_buffers`: False
379
+ - `dataloader_pin_memory`: True
380
+ - `dataloader_persistent_workers`: False
381
+ - `skip_memory_metrics`: True
382
+ - `use_legacy_prediction_loop`: False
383
+ - `push_to_hub`: False
384
+ - `resume_from_checkpoint`: None
385
+ - `hub_model_id`: None
386
+ - `hub_strategy`: every_save
387
+ - `hub_private_repo`: None
388
+ - `hub_always_push`: False
389
+ - `hub_revision`: None
390
+ - `gradient_checkpointing`: False
391
+ - `gradient_checkpointing_kwargs`: None
392
+ - `include_inputs_for_metrics`: False
393
+ - `include_for_metrics`: []
394
+ - `eval_do_concat_batches`: True
395
+ - `fp16_backend`: auto
396
+ - `push_to_hub_model_id`: None
397
+ - `push_to_hub_organization`: None
398
+ - `mp_parameters`:
399
+ - `auto_find_batch_size`: False
400
+ - `full_determinism`: False
401
+ - `torchdynamo`: None
402
+ - `ray_scope`: last
403
+ - `ddp_timeout`: 1800
404
+ - `torch_compile`: False
405
+ - `torch_compile_backend`: None
406
+ - `torch_compile_mode`: None
407
+ - `include_tokens_per_second`: False
408
+ - `include_num_input_tokens_seen`: False
409
+ - `neftune_noise_alpha`: None
410
+ - `optim_target_modules`: None
411
+ - `batch_eval_metrics`: False
412
+ - `eval_on_start`: False
413
+ - `use_liger_kernel`: False
414
+ - `liger_kernel_config`: None
415
+ - `eval_use_gather_object`: False
416
+ - `average_tokens_across_devices`: False
417
+ - `prompts`: None
418
+ - `batch_sampler`: batch_sampler
419
+ - `multi_dataset_batch_sampler`: proportional
420
+ - `router_mapping`: {}
421
+ - `learning_rate_mapping`: {}
422
+
423
+ </details>
424
+
425
+ ### Training Logs
426
+ | Epoch | Step | Training Loss | Validation Loss | NanoMSMARCO_R100_ndcg@10 | NanoNFCorpus_R100_ndcg@10 | NanoNQ_R100_ndcg@10 | NanoBEIR_R100_mean_ndcg@10 |
427
+ |:----------:|:----------:|:-------------:|:---------------:|:------------------------:|:-------------------------:|:--------------------:|:--------------------------:|
428
+ | -1 | -1 | - | - | 0.0376 (-0.5028) | 0.2282 (-0.0968) | 0.0589 (-0.4418) | 0.1082 (-0.3471) |
429
+ | 0.0000 | 1 | 1.0627 | - | - | - | - | - |
430
+ | 0.0643 | 10000 | 0.4545 | 0.2603 | 0.6434 (+0.1030) | 0.3663 (+0.0413) | 0.5745 (+0.0738) | 0.5281 (+0.0727) |
431
+ | 0.1285 | 20000 | 0.2205 | 0.2018 | 0.6276 (+0.0872) | 0.3557 (+0.0307) | 0.6159 (+0.1153) | 0.5331 (+0.0777) |
432
+ | 0.1928 | 30000 | 0.1885 | 0.1793 | 0.6659 (+0.1254) | 0.3484 (+0.0234) | 0.6520 (+0.1514) | 0.5554 (+0.1001) |
433
+ | 0.2570 | 40000 | 0.1677 | 0.1668 | 0.6539 (+0.1134) | 0.3207 (-0.0043) | 0.6273 (+0.1267) | 0.5340 (+0.0786) |
434
+ | 0.3213 | 50000 | 0.1548 | 0.1487 | 0.6292 (+0.0888) | 0.3225 (-0.0025) | 0.6379 (+0.1373) | 0.5299 (+0.0745) |
435
+ | 0.3855 | 60000 | 0.1425 | 0.1414 | 0.6536 (+0.1131) | 0.3328 (+0.0077) | 0.6662 (+0.1656) | 0.5509 (+0.0955) |
436
+ | 0.4498 | 70000 | 0.1335 | 0.1233 | 0.6351 (+0.0947) | 0.3493 (+0.0242) | 0.6836 (+0.1830) | 0.5560 (+0.1006) |
437
+ | 0.5141 | 80000 | 0.1218 | 0.1163 | 0.6462 (+0.1058) | 0.3414 (+0.0164) | 0.6786 (+0.1779) | 0.5554 (+0.1000) |
438
+ | 0.5783 | 90000 | 0.1134 | 0.1100 | 0.6479 (+0.1075) | 0.3330 (+0.0079) | 0.6717 (+0.1711) | 0.5509 (+0.0955) |
439
+ | 0.6426 | 100000 | 0.1052 | 0.1079 | 0.6173 (+0.0769) | 0.3226 (-0.0024) | 0.6749 (+0.1743) | 0.5383 (+0.0829) |
440
+ | **0.7068** | **110000** | **0.0988** | **0.099** | **0.6717 (+0.1313)** | **0.3260 (+0.0010)** | **0.6792 (+0.1786)** | **0.5590 (+0.1036)** |
441
+ | 0.7711 | 120000 | 0.0942 | 0.0940 | 0.6363 (+0.0958) | 0.3325 (+0.0075) | 0.6437 (+0.1430) | 0.5375 (+0.0821) |
442
+ | 0.8353 | 130000 | 0.0892 | 0.0870 | 0.6209 (+0.0804) | 0.3352 (+0.0102) | 0.6580 (+0.1574) | 0.5380 (+0.0827) |
443
+ | 0.8996 | 140000 | 0.0857 | 0.0857 | 0.5993 (+0.0589) | 0.3067 (-0.0183) | 0.6749 (+0.1742) | 0.5270 (+0.0716) |
444
+ | 0.9639 | 150000 | 0.0818 | 0.0866 | 0.6369 (+0.0965) | 0.3175 (-0.0075) | 0.6541 (+0.1534) | 0.5362 (+0.0808) |
445
+ | 1.0281 | 160000 | 0.0719 | 0.0827 | 0.5952 (+0.0548) | 0.3211 (-0.0039) | 0.6516 (+0.1509) | 0.5226 (+0.0673) |
446
+ | 1.0924 | 170000 | 0.064 | 0.0806 | 0.5911 (+0.0507) | 0.3143 (-0.0107) | 0.6243 (+0.1237) | 0.5099 (+0.0545) |
447
+ | 1.1566 | 180000 | 0.0632 | 0.0826 | 0.5829 (+0.0424) | 0.3478 (+0.0227) | 0.6187 (+0.1180) | 0.5164 (+0.0611) |
448
+ | 1.2209 | 190000 | 0.0607 | 0.0813 | 0.5620 (+0.0216) | 0.3552 (+0.0301) | 0.6578 (+0.1571) | 0.5250 (+0.0696) |
449
+ | 1.2851 | 200000 | 0.0601 | 0.0726 | 0.5864 (+0.0459) | 0.3455 (+0.0205) | 0.6074 (+0.1068) | 0.5131 (+0.0577) |
450
+ | 1.3494 | 210000 | 0.0585 | 0.0723 | 0.5932 (+0.0528) | 0.3585 (+0.0335) | 0.5941 (+0.0935) | 0.5153 (+0.0599) |
451
+ | 1.4137 | 220000 | 0.0571 | 0.0699 | 0.5746 (+0.0342) | 0.3511 (+0.0260) | 0.6478 (+0.1472) | 0.5245 (+0.0691) |
452
+ | 1.4779 | 230000 | 0.0561 | 0.0700 | 0.6095 (+0.0691) | 0.3361 (+0.0111) | 0.6229 (+0.1223) | 0.5229 (+0.0675) |
453
+ | 1.5422 | 240000 | 0.0547 | 0.0686 | 0.5506 (+0.0102) | 0.3530 (+0.0280) | 0.5961 (+0.0955) | 0.4999 (+0.0446) |
454
+ | 1.6064 | 250000 | 0.0535 | 0.0668 | 0.5916 (+0.0512) | 0.3200 (-0.0050) | 0.6123 (+0.1116) | 0.5080 (+0.0526) |
455
+ | 1.6707 | 260000 | 0.0511 | 0.0664 | 0.5673 (+0.0269) | 0.3265 (+0.0014) | 0.6145 (+0.1139) | 0.5028 (+0.0474) |
456
+ | 1.7349 | 270000 | 0.0509 | 0.0610 | 0.5601 (+0.0196) | 0.3419 (+0.0169) | 0.5669 (+0.0662) | 0.4896 (+0.0342) |
457
+ | 1.7992 | 280000 | 0.0493 | 0.0603 | 0.5825 (+0.0421) | 0.3506 (+0.0256) | 0.5994 (+0.0987) | 0.5108 (+0.0555) |
458
+ | 1.8635 | 290000 | 0.0484 | 0.0575 | 0.5813 (+0.0409) | 0.3412 (+0.0161) | 0.5948 (+0.0941) | 0.5057 (+0.0504) |
459
+ | 1.9277 | 300000 | 0.047 | 0.0577 | 0.5941 (+0.0536) | 0.3220 (-0.0031) | 0.6069 (+0.1062) | 0.5076 (+0.0523) |
460
+ | 1.9920 | 310000 | 0.0462 | 0.0569 | 0.5736 (+0.0332) | 0.3457 (+0.0207) | 0.6148 (+0.1141) | 0.5114 (+0.0560) |
461
+ | 2.0562 | 320000 | 0.0313 | 0.0696 | 0.5583 (+0.0179) | 0.3437 (+0.0187) | 0.5715 (+0.0709) | 0.4912 (+0.0358) |
462
+ | 2.1205 | 330000 | 0.0299 | 0.0600 | 0.5913 (+0.0509) | 0.3545 (+0.0295) | 0.5638 (+0.0632) | 0.5032 (+0.0479) |
463
+ | 2.1847 | 340000 | 0.03 | 0.0649 | 0.5802 (+0.0398) | 0.3652 (+0.0401) | 0.5434 (+0.0428) | 0.4963 (+0.0409) |
464
+ | 2.2490 | 350000 | 0.0294 | 0.0605 | 0.5719 (+0.0315) | 0.3391 (+0.0141) | 0.5393 (+0.0386) | 0.4834 (+0.0281) |
465
+ | 2.3133 | 360000 | 0.0285 | 0.0688 | 0.5311 (-0.0094) | 0.3426 (+0.0175) | 0.5545 (+0.0538) | 0.4760 (+0.0207) |
466
+ | 2.3775 | 370000 | 0.0285 | 0.0577 | 0.5534 (+0.0130) | 0.3276 (+0.0026) | 0.5491 (+0.0484) | 0.4767 (+0.0213) |
467
+ | 2.4418 | 380000 | 0.0274 | 0.0579 | 0.6134 (+0.0730) | 0.3495 (+0.0245) | 0.5290 (+0.0283) | 0.4973 (+0.0419) |
468
+ | 2.5060 | 390000 | 0.0278 | 0.0521 | 0.5600 (+0.0196) | 0.3021 (-0.0230) | 0.5493 (+0.0487) | 0.4705 (+0.0151) |
469
+ | 2.5703 | 400000 | 0.0267 | 0.0518 | 0.5386 (-0.0019) | 0.3672 (+0.0421) | 0.5531 (+0.0525) | 0.4863 (+0.0309) |
470
+ | 2.6345 | 410000 | 0.0251 | 0.0591 | 0.5695 (+0.0291) | 0.3365 (+0.0115) | 0.5451 (+0.0445) | 0.4837 (+0.0284) |
471
+ | 2.6988 | 420000 | 0.0249 | 0.0528 | 0.5706 (+0.0302) | 0.3504 (+0.0253) | 0.5393 (+0.0386) | 0.4868 (+0.0314) |
472
+ | 2.7631 | 430000 | 0.0252 | 0.0520 | 0.5621 (+0.0217) | 0.3679 (+0.0429) | 0.5691 (+0.0685) | 0.4997 (+0.0443) |
473
+ | 2.8273 | 440000 | 0.0236 | 0.0448 | 0.5448 (+0.0044) | 0.3278 (+0.0028) | 0.5799 (+0.0792) | 0.4842 (+0.0288) |
474
+ | 2.8916 | 450000 | 0.0231 | 0.0472 | 0.5298 (-0.0106) | 0.3355 (+0.0105) | 0.5565 (+0.0558) | 0.4739 (+0.0186) |
475
+ | 2.9558 | 460000 | 0.0223 | 0.0439 | 0.5841 (+0.0436) | 0.3248 (-0.0002) | 0.5660 (+0.0654) | 0.4916 (+0.0362) |
476
+ | 3.0201 | 470000 | 0.0181 | 0.0558 | 0.5471 (+0.0067) | 0.3336 (+0.0085) | 0.5550 (+0.0544) | 0.4786 (+0.0232) |
477
+ | 3.0843 | 480000 | 0.0106 | 0.0594 | 0.5427 (+0.0022) | 0.3420 (+0.0170) | 0.5677 (+0.0670) | 0.4841 (+0.0287) |
478
+ | 3.1486 | 490000 | 0.0104 | 0.0547 | 0.5623 (+0.0219) | 0.3496 (+0.0246) | 0.5172 (+0.0165) | 0.4764 (+0.0210) |
479
+ | 3.2129 | 500000 | 0.0103 | 0.0531 | 0.5670 (+0.0265) | 0.3319 (+0.0068) | 0.5542 (+0.0535) | 0.4843 (+0.0290) |
480
+ | 3.2771 | 510000 | 0.0098 | 0.0556 | 0.5275 (-0.0130) | 0.3228 (-0.0023) | 0.5291 (+0.0284) | 0.4598 (+0.0044) |
481
+ | 3.3414 | 520000 | 0.0093 | 0.0461 | 0.5574 (+0.0170) | 0.3355 (+0.0105) | 0.5389 (+0.0382) | 0.4773 (+0.0219) |
482
+ | 3.4056 | 530000 | 0.0096 | 0.0497 | 0.5627 (+0.0222) | 0.3359 (+0.0109) | 0.5338 (+0.0332) | 0.4775 (+0.0221) |
483
+ | 3.4699 | 540000 | 0.0086 | 0.0485 | 0.5464 (+0.0060) | 0.3435 (+0.0185) | 0.5527 (+0.0520) | 0.4809 (+0.0255) |
484
+ | 3.5341 | 550000 | 0.0081 | 0.0462 | 0.5699 (+0.0295) | 0.3307 (+0.0057) | 0.5512 (+0.0506) | 0.4839 (+0.0286) |
485
+ | 3.5984 | 560000 | 0.0077 | 0.0470 | 0.5452 (+0.0047) | 0.3349 (+0.0098) | 0.5386 (+0.0379) | 0.4729 (+0.0175) |
486
+ | 3.6627 | 570000 | 0.0072 | 0.0460 | 0.5494 (+0.0090) | 0.3268 (+0.0017) | 0.5463 (+0.0456) | 0.4742 (+0.0188) |
487
+ | 3.7269 | 580000 | 0.007 | 0.0460 | 0.5456 (+0.0051) | 0.3423 (+0.0172) | 0.5805 (+0.0798) | 0.4894 (+0.0341) |
488
+ | 3.7912 | 590000 | 0.0066 | 0.0448 | 0.5303 (-0.0101) | 0.3347 (+0.0097) | 0.5655 (+0.0648) | 0.4768 (+0.0215) |
489
+ | 3.8554 | 600000 | 0.0062 | 0.0409 | 0.5529 (+0.0125) | 0.3320 (+0.0069) | 0.5678 (+0.0672) | 0.4842 (+0.0289) |
490
+ | 3.9197 | 610000 | 0.0057 | 0.0416 | 0.5429 (+0.0025) | 0.3308 (+0.0058) | 0.5598 (+0.0592) | 0.4779 (+0.0225) |
491
+ | 3.9839 | 620000 | 0.0055 | 0.0398 | 0.5429 (+0.0025) | 0.3277 (+0.0026) | 0.5666 (+0.0660) | 0.4791 (+0.0237) |
492
+ | -1 | -1 | - | - | 0.6717 (+0.1313) | 0.3260 (+0.0010) | 0.6792 (+0.1786) | 0.5590 (+0.1036) |
493
+
494
+ * The bold row denotes the saved checkpoint.
495
+
496
+ ### Framework Versions
497
+ - Python: 3.10.18
498
+ - Sentence Transformers: 5.0.0
499
+ - Transformers: 4.56.0.dev0
500
+ - PyTorch: 2.7.1+cu126
501
+ - Accelerate: 1.9.0
502
+ - Datasets: 4.0.0
503
+ - Tokenizers: 0.21.4
504
+
505
+ ## Citation
506
+
507
+ ### BibTeX
508
+
509
+ #### Sentence Transformers
510
+ ```bibtex
511
+ @inproceedings{reimers-2019-sentence-bert,
512
+ title = "Sentence-BERT: Sentence Embeddings using Siamese BERT-Networks",
513
+ author = "Reimers, Nils and Gurevych, Iryna",
514
+ booktitle = "Proceedings of the 2019 Conference on Empirical Methods in Natural Language Processing",
515
+ month = "11",
516
+ year = "2019",
517
+ publisher = "Association for Computational Linguistics",
518
+ url = "https://arxiv.org/abs/1908.10084",
519
+ }
520
+ ```
521
+
522
+ <!--
523
+ ## Glossary
524
+
525
+ *Clearly define terms in order to be accessible across audiences.*
526
+ -->
527
+
528
+ <!--
529
+ ## Model Card Authors
530
+
531
+ *Lists the people who create the model card, providing recognition and accountability for the detailed work that goes into its construction.*
532
+ -->
533
+
534
+ <!--
535
+ ## Model Card Contact
536
+
537
+ *Provides a way for people who have updates to the Model Card, suggestions, or questions, to contact the Model Card authors.*
538
+ -->
config.json ADDED
@@ -0,0 +1,57 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "architectures": [
3
+ "ModernBertForSequenceClassification"
4
+ ],
5
+ "attention_bias": false,
6
+ "attention_dropout": 0.0,
7
+ "bos_token_id": 50281,
8
+ "causal_mask": false,
9
+ "classifier_activation": "gelu",
10
+ "classifier_bias": false,
11
+ "classifier_dropout": 0.0,
12
+ "classifier_pooling": "mean",
13
+ "cls_token_id": 50281,
14
+ "decoder_bias": true,
15
+ "deterministic_flash_attn": false,
16
+ "embedding_dropout": 0.0,
17
+ "eos_token_id": 50282,
18
+ "global_attn_every_n_layers": 3,
19
+ "global_rope_theta": 160000.0,
20
+ "gradient_checkpointing": false,
21
+ "hidden_activation": "gelu",
22
+ "hidden_size": 384,
23
+ "id2label": {
24
+ "0": "LABEL_0"
25
+ },
26
+ "initializer_cutoff_factor": 2.0,
27
+ "initializer_range": 0.02,
28
+ "intermediate_size": 576,
29
+ "is_causal": false,
30
+ "label2id": {
31
+ "LABEL_0": 0
32
+ },
33
+ "layer_norm_eps": 1e-05,
34
+ "local_attention": 128,
35
+ "local_rope_theta": 160000.0,
36
+ "max_position_embeddings": 7999,
37
+ "mlp_bias": false,
38
+ "mlp_dropout": 0.0,
39
+ "model_type": "modernbert",
40
+ "norm_bias": false,
41
+ "norm_eps": 1e-05,
42
+ "num_attention_heads": 6,
43
+ "num_hidden_layers": 10,
44
+ "pad_token_id": 50283,
45
+ "position_embedding_type": "sans_pos",
46
+ "repad_logits_with_grad": false,
47
+ "sentence_transformers": {
48
+ "activation_fn": "torch.nn.modules.activation.Sigmoid",
49
+ "version": "5.0.0"
50
+ },
51
+ "sep_token_id": 50282,
52
+ "sparse_pred_ignore_index": -100,
53
+ "sparse_prediction": false,
54
+ "torch_dtype": "float32",
55
+ "transformers_version": "4.56.0.dev0",
56
+ "vocab_size": 50368
57
+ }
model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:c0e69d63f76de430ac893daad948e99e845db0246915a23b71a0536eb4b1ba4e
3
+ size 128132084
special_tokens_map.json ADDED
@@ -0,0 +1,37 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "cls_token": {
3
+ "content": "[CLS]",
4
+ "lstrip": false,
5
+ "normalized": false,
6
+ "rstrip": false,
7
+ "single_word": false
8
+ },
9
+ "mask_token": {
10
+ "content": "[MASK]",
11
+ "lstrip": true,
12
+ "normalized": false,
13
+ "rstrip": false,
14
+ "single_word": false
15
+ },
16
+ "pad_token": {
17
+ "content": "[PAD]",
18
+ "lstrip": false,
19
+ "normalized": false,
20
+ "rstrip": false,
21
+ "single_word": false
22
+ },
23
+ "sep_token": {
24
+ "content": "[SEP]",
25
+ "lstrip": false,
26
+ "normalized": false,
27
+ "rstrip": false,
28
+ "single_word": false
29
+ },
30
+ "unk_token": {
31
+ "content": "[UNK]",
32
+ "lstrip": false,
33
+ "normalized": false,
34
+ "rstrip": false,
35
+ "single_word": false
36
+ }
37
+ }
tokenizer.json ADDED
The diff for this file is too large to render. See raw diff
 
tokenizer_config.json ADDED
@@ -0,0 +1,945 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "added_tokens_decoder": {
3
+ "0": {
4
+ "content": "|||IP_ADDRESS|||",
5
+ "lstrip": false,
6
+ "normalized": true,
7
+ "rstrip": false,
8
+ "single_word": false,
9
+ "special": false
10
+ },
11
+ "1": {
12
+ "content": "<|padding|>",
13
+ "lstrip": false,
14
+ "normalized": false,
15
+ "rstrip": false,
16
+ "single_word": false,
17
+ "special": true
18
+ },
19
+ "50254": {
20
+ "content": " ",
21
+ "lstrip": false,
22
+ "normalized": true,
23
+ "rstrip": false,
24
+ "single_word": false,
25
+ "special": false
26
+ },
27
+ "50255": {
28
+ "content": " ",
29
+ "lstrip": false,
30
+ "normalized": true,
31
+ "rstrip": false,
32
+ "single_word": false,
33
+ "special": false
34
+ },
35
+ "50256": {
36
+ "content": " ",
37
+ "lstrip": false,
38
+ "normalized": true,
39
+ "rstrip": false,
40
+ "single_word": false,
41
+ "special": false
42
+ },
43
+ "50257": {
44
+ "content": " ",
45
+ "lstrip": false,
46
+ "normalized": true,
47
+ "rstrip": false,
48
+ "single_word": false,
49
+ "special": false
50
+ },
51
+ "50258": {
52
+ "content": " ",
53
+ "lstrip": false,
54
+ "normalized": true,
55
+ "rstrip": false,
56
+ "single_word": false,
57
+ "special": false
58
+ },
59
+ "50259": {
60
+ "content": " ",
61
+ "lstrip": false,
62
+ "normalized": true,
63
+ "rstrip": false,
64
+ "single_word": false,
65
+ "special": false
66
+ },
67
+ "50260": {
68
+ "content": " ",
69
+ "lstrip": false,
70
+ "normalized": true,
71
+ "rstrip": false,
72
+ "single_word": false,
73
+ "special": false
74
+ },
75
+ "50261": {
76
+ "content": " ",
77
+ "lstrip": false,
78
+ "normalized": true,
79
+ "rstrip": false,
80
+ "single_word": false,
81
+ "special": false
82
+ },
83
+ "50262": {
84
+ "content": " ",
85
+ "lstrip": false,
86
+ "normalized": true,
87
+ "rstrip": false,
88
+ "single_word": false,
89
+ "special": false
90
+ },
91
+ "50263": {
92
+ "content": " ",
93
+ "lstrip": false,
94
+ "normalized": true,
95
+ "rstrip": false,
96
+ "single_word": false,
97
+ "special": false
98
+ },
99
+ "50264": {
100
+ "content": " ",
101
+ "lstrip": false,
102
+ "normalized": true,
103
+ "rstrip": false,
104
+ "single_word": false,
105
+ "special": false
106
+ },
107
+ "50265": {
108
+ "content": " ",
109
+ "lstrip": false,
110
+ "normalized": true,
111
+ "rstrip": false,
112
+ "single_word": false,
113
+ "special": false
114
+ },
115
+ "50266": {
116
+ "content": " ",
117
+ "lstrip": false,
118
+ "normalized": true,
119
+ "rstrip": false,
120
+ "single_word": false,
121
+ "special": false
122
+ },
123
+ "50267": {
124
+ "content": " ",
125
+ "lstrip": false,
126
+ "normalized": true,
127
+ "rstrip": false,
128
+ "single_word": false,
129
+ "special": false
130
+ },
131
+ "50268": {
132
+ "content": " ",
133
+ "lstrip": false,
134
+ "normalized": true,
135
+ "rstrip": false,
136
+ "single_word": false,
137
+ "special": false
138
+ },
139
+ "50269": {
140
+ "content": " ",
141
+ "lstrip": false,
142
+ "normalized": true,
143
+ "rstrip": false,
144
+ "single_word": false,
145
+ "special": false
146
+ },
147
+ "50270": {
148
+ "content": " ",
149
+ "lstrip": false,
150
+ "normalized": true,
151
+ "rstrip": false,
152
+ "single_word": false,
153
+ "special": false
154
+ },
155
+ "50271": {
156
+ "content": " ",
157
+ "lstrip": false,
158
+ "normalized": true,
159
+ "rstrip": false,
160
+ "single_word": false,
161
+ "special": false
162
+ },
163
+ "50272": {
164
+ "content": " ",
165
+ "lstrip": false,
166
+ "normalized": true,
167
+ "rstrip": false,
168
+ "single_word": false,
169
+ "special": false
170
+ },
171
+ "50273": {
172
+ "content": " ",
173
+ "lstrip": false,
174
+ "normalized": true,
175
+ "rstrip": false,
176
+ "single_word": false,
177
+ "special": false
178
+ },
179
+ "50274": {
180
+ "content": " ",
181
+ "lstrip": false,
182
+ "normalized": true,
183
+ "rstrip": false,
184
+ "single_word": false,
185
+ "special": false
186
+ },
187
+ "50275": {
188
+ "content": " ",
189
+ "lstrip": false,
190
+ "normalized": true,
191
+ "rstrip": false,
192
+ "single_word": false,
193
+ "special": false
194
+ },
195
+ "50276": {
196
+ "content": " ",
197
+ "lstrip": false,
198
+ "normalized": true,
199
+ "rstrip": false,
200
+ "single_word": false,
201
+ "special": false
202
+ },
203
+ "50277": {
204
+ "content": "|||EMAIL_ADDRESS|||",
205
+ "lstrip": false,
206
+ "normalized": true,
207
+ "rstrip": false,
208
+ "single_word": false,
209
+ "special": false
210
+ },
211
+ "50278": {
212
+ "content": "|||PHONE_NUMBER|||",
213
+ "lstrip": false,
214
+ "normalized": true,
215
+ "rstrip": false,
216
+ "single_word": false,
217
+ "special": false
218
+ },
219
+ "50279": {
220
+ "content": "<|endoftext|>",
221
+ "lstrip": false,
222
+ "normalized": false,
223
+ "rstrip": false,
224
+ "single_word": false,
225
+ "special": true
226
+ },
227
+ "50280": {
228
+ "content": "[UNK]",
229
+ "lstrip": false,
230
+ "normalized": false,
231
+ "rstrip": false,
232
+ "single_word": false,
233
+ "special": true
234
+ },
235
+ "50281": {
236
+ "content": "[CLS]",
237
+ "lstrip": false,
238
+ "normalized": false,
239
+ "rstrip": false,
240
+ "single_word": false,
241
+ "special": true
242
+ },
243
+ "50282": {
244
+ "content": "[SEP]",
245
+ "lstrip": false,
246
+ "normalized": false,
247
+ "rstrip": false,
248
+ "single_word": false,
249
+ "special": true
250
+ },
251
+ "50283": {
252
+ "content": "[PAD]",
253
+ "lstrip": false,
254
+ "normalized": false,
255
+ "rstrip": false,
256
+ "single_word": false,
257
+ "special": true
258
+ },
259
+ "50284": {
260
+ "content": "[MASK]",
261
+ "lstrip": true,
262
+ "normalized": false,
263
+ "rstrip": false,
264
+ "single_word": false,
265
+ "special": true
266
+ },
267
+ "50285": {
268
+ "content": "[unused0]",
269
+ "lstrip": false,
270
+ "normalized": true,
271
+ "rstrip": false,
272
+ "single_word": false,
273
+ "special": false
274
+ },
275
+ "50286": {
276
+ "content": "[unused1]",
277
+ "lstrip": false,
278
+ "normalized": true,
279
+ "rstrip": false,
280
+ "single_word": false,
281
+ "special": false
282
+ },
283
+ "50287": {
284
+ "content": "[unused2]",
285
+ "lstrip": false,
286
+ "normalized": true,
287
+ "rstrip": false,
288
+ "single_word": false,
289
+ "special": false
290
+ },
291
+ "50288": {
292
+ "content": "[unused3]",
293
+ "lstrip": false,
294
+ "normalized": true,
295
+ "rstrip": false,
296
+ "single_word": false,
297
+ "special": false
298
+ },
299
+ "50289": {
300
+ "content": "[unused4]",
301
+ "lstrip": false,
302
+ "normalized": true,
303
+ "rstrip": false,
304
+ "single_word": false,
305
+ "special": false
306
+ },
307
+ "50290": {
308
+ "content": "[unused5]",
309
+ "lstrip": false,
310
+ "normalized": true,
311
+ "rstrip": false,
312
+ "single_word": false,
313
+ "special": false
314
+ },
315
+ "50291": {
316
+ "content": "[unused6]",
317
+ "lstrip": false,
318
+ "normalized": true,
319
+ "rstrip": false,
320
+ "single_word": false,
321
+ "special": false
322
+ },
323
+ "50292": {
324
+ "content": "[unused7]",
325
+ "lstrip": false,
326
+ "normalized": true,
327
+ "rstrip": false,
328
+ "single_word": false,
329
+ "special": false
330
+ },
331
+ "50293": {
332
+ "content": "[unused8]",
333
+ "lstrip": false,
334
+ "normalized": true,
335
+ "rstrip": false,
336
+ "single_word": false,
337
+ "special": false
338
+ },
339
+ "50294": {
340
+ "content": "[unused9]",
341
+ "lstrip": false,
342
+ "normalized": true,
343
+ "rstrip": false,
344
+ "single_word": false,
345
+ "special": false
346
+ },
347
+ "50295": {
348
+ "content": "[unused10]",
349
+ "lstrip": false,
350
+ "normalized": true,
351
+ "rstrip": false,
352
+ "single_word": false,
353
+ "special": false
354
+ },
355
+ "50296": {
356
+ "content": "[unused11]",
357
+ "lstrip": false,
358
+ "normalized": true,
359
+ "rstrip": false,
360
+ "single_word": false,
361
+ "special": false
362
+ },
363
+ "50297": {
364
+ "content": "[unused12]",
365
+ "lstrip": false,
366
+ "normalized": true,
367
+ "rstrip": false,
368
+ "single_word": false,
369
+ "special": false
370
+ },
371
+ "50298": {
372
+ "content": "[unused13]",
373
+ "lstrip": false,
374
+ "normalized": true,
375
+ "rstrip": false,
376
+ "single_word": false,
377
+ "special": false
378
+ },
379
+ "50299": {
380
+ "content": "[unused14]",
381
+ "lstrip": false,
382
+ "normalized": true,
383
+ "rstrip": false,
384
+ "single_word": false,
385
+ "special": false
386
+ },
387
+ "50300": {
388
+ "content": "[unused15]",
389
+ "lstrip": false,
390
+ "normalized": true,
391
+ "rstrip": false,
392
+ "single_word": false,
393
+ "special": false
394
+ },
395
+ "50301": {
396
+ "content": "[unused16]",
397
+ "lstrip": false,
398
+ "normalized": true,
399
+ "rstrip": false,
400
+ "single_word": false,
401
+ "special": false
402
+ },
403
+ "50302": {
404
+ "content": "[unused17]",
405
+ "lstrip": false,
406
+ "normalized": true,
407
+ "rstrip": false,
408
+ "single_word": false,
409
+ "special": false
410
+ },
411
+ "50303": {
412
+ "content": "[unused18]",
413
+ "lstrip": false,
414
+ "normalized": true,
415
+ "rstrip": false,
416
+ "single_word": false,
417
+ "special": false
418
+ },
419
+ "50304": {
420
+ "content": "[unused19]",
421
+ "lstrip": false,
422
+ "normalized": true,
423
+ "rstrip": false,
424
+ "single_word": false,
425
+ "special": false
426
+ },
427
+ "50305": {
428
+ "content": "[unused20]",
429
+ "lstrip": false,
430
+ "normalized": true,
431
+ "rstrip": false,
432
+ "single_word": false,
433
+ "special": false
434
+ },
435
+ "50306": {
436
+ "content": "[unused21]",
437
+ "lstrip": false,
438
+ "normalized": true,
439
+ "rstrip": false,
440
+ "single_word": false,
441
+ "special": false
442
+ },
443
+ "50307": {
444
+ "content": "[unused22]",
445
+ "lstrip": false,
446
+ "normalized": true,
447
+ "rstrip": false,
448
+ "single_word": false,
449
+ "special": false
450
+ },
451
+ "50308": {
452
+ "content": "[unused23]",
453
+ "lstrip": false,
454
+ "normalized": true,
455
+ "rstrip": false,
456
+ "single_word": false,
457
+ "special": false
458
+ },
459
+ "50309": {
460
+ "content": "[unused24]",
461
+ "lstrip": false,
462
+ "normalized": true,
463
+ "rstrip": false,
464
+ "single_word": false,
465
+ "special": false
466
+ },
467
+ "50310": {
468
+ "content": "[unused25]",
469
+ "lstrip": false,
470
+ "normalized": true,
471
+ "rstrip": false,
472
+ "single_word": false,
473
+ "special": false
474
+ },
475
+ "50311": {
476
+ "content": "[unused26]",
477
+ "lstrip": false,
478
+ "normalized": true,
479
+ "rstrip": false,
480
+ "single_word": false,
481
+ "special": false
482
+ },
483
+ "50312": {
484
+ "content": "[unused27]",
485
+ "lstrip": false,
486
+ "normalized": true,
487
+ "rstrip": false,
488
+ "single_word": false,
489
+ "special": false
490
+ },
491
+ "50313": {
492
+ "content": "[unused28]",
493
+ "lstrip": false,
494
+ "normalized": true,
495
+ "rstrip": false,
496
+ "single_word": false,
497
+ "special": false
498
+ },
499
+ "50314": {
500
+ "content": "[unused29]",
501
+ "lstrip": false,
502
+ "normalized": true,
503
+ "rstrip": false,
504
+ "single_word": false,
505
+ "special": false
506
+ },
507
+ "50315": {
508
+ "content": "[unused30]",
509
+ "lstrip": false,
510
+ "normalized": true,
511
+ "rstrip": false,
512
+ "single_word": false,
513
+ "special": false
514
+ },
515
+ "50316": {
516
+ "content": "[unused31]",
517
+ "lstrip": false,
518
+ "normalized": true,
519
+ "rstrip": false,
520
+ "single_word": false,
521
+ "special": false
522
+ },
523
+ "50317": {
524
+ "content": "[unused32]",
525
+ "lstrip": false,
526
+ "normalized": true,
527
+ "rstrip": false,
528
+ "single_word": false,
529
+ "special": false
530
+ },
531
+ "50318": {
532
+ "content": "[unused33]",
533
+ "lstrip": false,
534
+ "normalized": true,
535
+ "rstrip": false,
536
+ "single_word": false,
537
+ "special": false
538
+ },
539
+ "50319": {
540
+ "content": "[unused34]",
541
+ "lstrip": false,
542
+ "normalized": true,
543
+ "rstrip": false,
544
+ "single_word": false,
545
+ "special": false
546
+ },
547
+ "50320": {
548
+ "content": "[unused35]",
549
+ "lstrip": false,
550
+ "normalized": true,
551
+ "rstrip": false,
552
+ "single_word": false,
553
+ "special": false
554
+ },
555
+ "50321": {
556
+ "content": "[unused36]",
557
+ "lstrip": false,
558
+ "normalized": true,
559
+ "rstrip": false,
560
+ "single_word": false,
561
+ "special": false
562
+ },
563
+ "50322": {
564
+ "content": "[unused37]",
565
+ "lstrip": false,
566
+ "normalized": true,
567
+ "rstrip": false,
568
+ "single_word": false,
569
+ "special": false
570
+ },
571
+ "50323": {
572
+ "content": "[unused38]",
573
+ "lstrip": false,
574
+ "normalized": true,
575
+ "rstrip": false,
576
+ "single_word": false,
577
+ "special": false
578
+ },
579
+ "50324": {
580
+ "content": "[unused39]",
581
+ "lstrip": false,
582
+ "normalized": true,
583
+ "rstrip": false,
584
+ "single_word": false,
585
+ "special": false
586
+ },
587
+ "50325": {
588
+ "content": "[unused40]",
589
+ "lstrip": false,
590
+ "normalized": true,
591
+ "rstrip": false,
592
+ "single_word": false,
593
+ "special": false
594
+ },
595
+ "50326": {
596
+ "content": "[unused41]",
597
+ "lstrip": false,
598
+ "normalized": true,
599
+ "rstrip": false,
600
+ "single_word": false,
601
+ "special": false
602
+ },
603
+ "50327": {
604
+ "content": "[unused42]",
605
+ "lstrip": false,
606
+ "normalized": true,
607
+ "rstrip": false,
608
+ "single_word": false,
609
+ "special": false
610
+ },
611
+ "50328": {
612
+ "content": "[unused43]",
613
+ "lstrip": false,
614
+ "normalized": true,
615
+ "rstrip": false,
616
+ "single_word": false,
617
+ "special": false
618
+ },
619
+ "50329": {
620
+ "content": "[unused44]",
621
+ "lstrip": false,
622
+ "normalized": true,
623
+ "rstrip": false,
624
+ "single_word": false,
625
+ "special": false
626
+ },
627
+ "50330": {
628
+ "content": "[unused45]",
629
+ "lstrip": false,
630
+ "normalized": true,
631
+ "rstrip": false,
632
+ "single_word": false,
633
+ "special": false
634
+ },
635
+ "50331": {
636
+ "content": "[unused46]",
637
+ "lstrip": false,
638
+ "normalized": true,
639
+ "rstrip": false,
640
+ "single_word": false,
641
+ "special": false
642
+ },
643
+ "50332": {
644
+ "content": "[unused47]",
645
+ "lstrip": false,
646
+ "normalized": true,
647
+ "rstrip": false,
648
+ "single_word": false,
649
+ "special": false
650
+ },
651
+ "50333": {
652
+ "content": "[unused48]",
653
+ "lstrip": false,
654
+ "normalized": true,
655
+ "rstrip": false,
656
+ "single_word": false,
657
+ "special": false
658
+ },
659
+ "50334": {
660
+ "content": "[unused49]",
661
+ "lstrip": false,
662
+ "normalized": true,
663
+ "rstrip": false,
664
+ "single_word": false,
665
+ "special": false
666
+ },
667
+ "50335": {
668
+ "content": "[unused50]",
669
+ "lstrip": false,
670
+ "normalized": true,
671
+ "rstrip": false,
672
+ "single_word": false,
673
+ "special": false
674
+ },
675
+ "50336": {
676
+ "content": "[unused51]",
677
+ "lstrip": false,
678
+ "normalized": true,
679
+ "rstrip": false,
680
+ "single_word": false,
681
+ "special": false
682
+ },
683
+ "50337": {
684
+ "content": "[unused52]",
685
+ "lstrip": false,
686
+ "normalized": true,
687
+ "rstrip": false,
688
+ "single_word": false,
689
+ "special": false
690
+ },
691
+ "50338": {
692
+ "content": "[unused53]",
693
+ "lstrip": false,
694
+ "normalized": true,
695
+ "rstrip": false,
696
+ "single_word": false,
697
+ "special": false
698
+ },
699
+ "50339": {
700
+ "content": "[unused54]",
701
+ "lstrip": false,
702
+ "normalized": true,
703
+ "rstrip": false,
704
+ "single_word": false,
705
+ "special": false
706
+ },
707
+ "50340": {
708
+ "content": "[unused55]",
709
+ "lstrip": false,
710
+ "normalized": true,
711
+ "rstrip": false,
712
+ "single_word": false,
713
+ "special": false
714
+ },
715
+ "50341": {
716
+ "content": "[unused56]",
717
+ "lstrip": false,
718
+ "normalized": true,
719
+ "rstrip": false,
720
+ "single_word": false,
721
+ "special": false
722
+ },
723
+ "50342": {
724
+ "content": "[unused57]",
725
+ "lstrip": false,
726
+ "normalized": true,
727
+ "rstrip": false,
728
+ "single_word": false,
729
+ "special": false
730
+ },
731
+ "50343": {
732
+ "content": "[unused58]",
733
+ "lstrip": false,
734
+ "normalized": true,
735
+ "rstrip": false,
736
+ "single_word": false,
737
+ "special": false
738
+ },
739
+ "50344": {
740
+ "content": "[unused59]",
741
+ "lstrip": false,
742
+ "normalized": true,
743
+ "rstrip": false,
744
+ "single_word": false,
745
+ "special": false
746
+ },
747
+ "50345": {
748
+ "content": "[unused60]",
749
+ "lstrip": false,
750
+ "normalized": true,
751
+ "rstrip": false,
752
+ "single_word": false,
753
+ "special": false
754
+ },
755
+ "50346": {
756
+ "content": "[unused61]",
757
+ "lstrip": false,
758
+ "normalized": true,
759
+ "rstrip": false,
760
+ "single_word": false,
761
+ "special": false
762
+ },
763
+ "50347": {
764
+ "content": "[unused62]",
765
+ "lstrip": false,
766
+ "normalized": true,
767
+ "rstrip": false,
768
+ "single_word": false,
769
+ "special": false
770
+ },
771
+ "50348": {
772
+ "content": "[unused63]",
773
+ "lstrip": false,
774
+ "normalized": true,
775
+ "rstrip": false,
776
+ "single_word": false,
777
+ "special": false
778
+ },
779
+ "50349": {
780
+ "content": "[unused64]",
781
+ "lstrip": false,
782
+ "normalized": true,
783
+ "rstrip": false,
784
+ "single_word": false,
785
+ "special": false
786
+ },
787
+ "50350": {
788
+ "content": "[unused65]",
789
+ "lstrip": false,
790
+ "normalized": true,
791
+ "rstrip": false,
792
+ "single_word": false,
793
+ "special": false
794
+ },
795
+ "50351": {
796
+ "content": "[unused66]",
797
+ "lstrip": false,
798
+ "normalized": true,
799
+ "rstrip": false,
800
+ "single_word": false,
801
+ "special": false
802
+ },
803
+ "50352": {
804
+ "content": "[unused67]",
805
+ "lstrip": false,
806
+ "normalized": true,
807
+ "rstrip": false,
808
+ "single_word": false,
809
+ "special": false
810
+ },
811
+ "50353": {
812
+ "content": "[unused68]",
813
+ "lstrip": false,
814
+ "normalized": true,
815
+ "rstrip": false,
816
+ "single_word": false,
817
+ "special": false
818
+ },
819
+ "50354": {
820
+ "content": "[unused69]",
821
+ "lstrip": false,
822
+ "normalized": true,
823
+ "rstrip": false,
824
+ "single_word": false,
825
+ "special": false
826
+ },
827
+ "50355": {
828
+ "content": "[unused70]",
829
+ "lstrip": false,
830
+ "normalized": true,
831
+ "rstrip": false,
832
+ "single_word": false,
833
+ "special": false
834
+ },
835
+ "50356": {
836
+ "content": "[unused71]",
837
+ "lstrip": false,
838
+ "normalized": true,
839
+ "rstrip": false,
840
+ "single_word": false,
841
+ "special": false
842
+ },
843
+ "50357": {
844
+ "content": "[unused72]",
845
+ "lstrip": false,
846
+ "normalized": true,
847
+ "rstrip": false,
848
+ "single_word": false,
849
+ "special": false
850
+ },
851
+ "50358": {
852
+ "content": "[unused73]",
853
+ "lstrip": false,
854
+ "normalized": true,
855
+ "rstrip": false,
856
+ "single_word": false,
857
+ "special": false
858
+ },
859
+ "50359": {
860
+ "content": "[unused74]",
861
+ "lstrip": false,
862
+ "normalized": true,
863
+ "rstrip": false,
864
+ "single_word": false,
865
+ "special": false
866
+ },
867
+ "50360": {
868
+ "content": "[unused75]",
869
+ "lstrip": false,
870
+ "normalized": true,
871
+ "rstrip": false,
872
+ "single_word": false,
873
+ "special": false
874
+ },
875
+ "50361": {
876
+ "content": "[unused76]",
877
+ "lstrip": false,
878
+ "normalized": true,
879
+ "rstrip": false,
880
+ "single_word": false,
881
+ "special": false
882
+ },
883
+ "50362": {
884
+ "content": "[unused77]",
885
+ "lstrip": false,
886
+ "normalized": true,
887
+ "rstrip": false,
888
+ "single_word": false,
889
+ "special": false
890
+ },
891
+ "50363": {
892
+ "content": "[unused78]",
893
+ "lstrip": false,
894
+ "normalized": true,
895
+ "rstrip": false,
896
+ "single_word": false,
897
+ "special": false
898
+ },
899
+ "50364": {
900
+ "content": "[unused79]",
901
+ "lstrip": false,
902
+ "normalized": true,
903
+ "rstrip": false,
904
+ "single_word": false,
905
+ "special": false
906
+ },
907
+ "50365": {
908
+ "content": "[unused80]",
909
+ "lstrip": false,
910
+ "normalized": true,
911
+ "rstrip": false,
912
+ "single_word": false,
913
+ "special": false
914
+ },
915
+ "50366": {
916
+ "content": "[unused81]",
917
+ "lstrip": false,
918
+ "normalized": true,
919
+ "rstrip": false,
920
+ "single_word": false,
921
+ "special": false
922
+ },
923
+ "50367": {
924
+ "content": "[unused82]",
925
+ "lstrip": false,
926
+ "normalized": true,
927
+ "rstrip": false,
928
+ "single_word": false,
929
+ "special": false
930
+ }
931
+ },
932
+ "clean_up_tokenization_spaces": true,
933
+ "cls_token": "[CLS]",
934
+ "extra_special_tokens": {},
935
+ "mask_token": "[MASK]",
936
+ "model_input_names": [
937
+ "input_ids",
938
+ "attention_mask"
939
+ ],
940
+ "model_max_length": 7999,
941
+ "pad_token": "[PAD]",
942
+ "sep_token": "[SEP]",
943
+ "tokenizer_class": "PreTrainedTokenizerFast",
944
+ "unk_token": "[UNK]"
945
+ }