Funnyworld1412 commited on
Commit
be2e618
1 Parent(s): d354762

Add SetFit ABSA model

Browse files
.gitattributes CHANGED
@@ -33,3 +33,4 @@ saved_model/**/* filter=lfs diff=lfs merge=lfs -text
33
  *.zip filter=lfs diff=lfs merge=lfs -text
34
  *.zst filter=lfs diff=lfs merge=lfs -text
35
  *tfevents* filter=lfs diff=lfs merge=lfs -text
 
 
33
  *.zip filter=lfs diff=lfs merge=lfs -text
34
  *.zst filter=lfs diff=lfs merge=lfs -text
35
  *tfevents* filter=lfs diff=lfs merge=lfs -text
36
+ tokenizer.json filter=lfs diff=lfs merge=lfs -text
1_Pooling/config.json ADDED
@@ -0,0 +1,10 @@
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "word_embedding_dimension": 1024,
3
+ "pooling_mode_cls_token": true,
4
+ "pooling_mode_mean_tokens": false,
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,262 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ library_name: setfit
3
+ tags:
4
+ - setfit
5
+ - absa
6
+ - sentence-transformers
7
+ - text-classification
8
+ - generated_from_setfit_trainer
9
+ base_model: firqaaa/indo-setfit-absa-bert-base-restaurants-polarity
10
+ metrics:
11
+ - accuracy
12
+ widget:
13
+ - text: gamenya seru bagus paket:gamenya seru bagus paket worth it gak lag mudah mainnya
14
+ tugas hadiah bagus modenya sayangnya game kadang ngebug gapapa kasih
15
+ - text: tolong perbaiki analog nya pengaturan posisi:tolong perbaiki analog nya pengaturan
16
+ posisi berpindah pindah
17
+ - text: visualisasi bagus segi graphic:visualisasi bagus segi graphic bagus ya game
18
+ cocok sih mantra nya banyakin contoh mantra penghilang
19
+ - text: jaringan udah bagus game jaringan nya bagus:game nya udah bagus jaringan game
20
+ nya bermasalah jaringan udah bagus game jaringan nya bagus mohon nambahin karakter
21
+ - text: kali game stuk loading server pakai jaringan:game bagus cma kendala kali game
22
+ stuk loading server pakai jaringan wifi masuk jaringan jaringan bermasalah main
23
+ game online lancar game susah akses tolong diperbaiki supercell detik bermain
24
+ coc lancar masuk kendala
25
+ pipeline_tag: text-classification
26
+ inference: false
27
+ ---
28
+
29
+ # SetFit Polarity Model with firqaaa/indo-setfit-absa-bert-base-restaurants-polarity
30
+
31
+ This is a [SetFit](https://github.com/huggingface/setfit) model that can be used for Aspect Based Sentiment Analysis (ABSA). This SetFit model uses [firqaaa/indo-setfit-absa-bert-base-restaurants-polarity](https://huggingface.co/firqaaa/indo-setfit-absa-bert-base-restaurants-polarity) as the Sentence Transformer embedding model. A [LogisticRegression](https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.LogisticRegression.html) instance is used for classification. In particular, this model is in charge of classifying aspect polarities.
32
+
33
+ The model has been trained using an efficient few-shot learning technique that involves:
34
+
35
+ 1. Fine-tuning a [Sentence Transformer](https://www.sbert.net) with contrastive learning.
36
+ 2. Training a classification head with features from the fine-tuned Sentence Transformer.
37
+
38
+ This model was trained within the context of a larger system for ABSA, which looks like so:
39
+
40
+ 1. Use a spaCy model to select possible aspect span candidates.
41
+ 2. Use a SetFit model to filter these possible aspect span candidates.
42
+ 3. **Use this SetFit model to classify the filtered aspect span candidates.**
43
+
44
+ ## Model Details
45
+
46
+ ### Model Description
47
+ - **Model Type:** SetFit
48
+ - **Sentence Transformer body:** [firqaaa/indo-setfit-absa-bert-base-restaurants-polarity](https://huggingface.co/firqaaa/indo-setfit-absa-bert-base-restaurants-polarity)
49
+ - **Classification head:** a [LogisticRegression](https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.LogisticRegression.html) instance
50
+ - **spaCy Model:** id_core_news_trf
51
+ - **SetFitABSA Aspect Model:** [Funnyworld1412/ABSA_review_game-aspect](https://huggingface.co/Funnyworld1412/ABSA_review_game-aspect)
52
+ - **SetFitABSA Polarity Model:** [Funnyworld1412/ABSA_review_game-polarity](https://huggingface.co/Funnyworld1412/ABSA_review_game-polarity)
53
+ - **Maximum Sequence Length:** 8192 tokens
54
+ - **Number of Classes:** 2 classes
55
+ <!-- - **Training Dataset:** [Unknown](https://huggingface.co/datasets/unknown) -->
56
+ <!-- - **Language:** Unknown -->
57
+ <!-- - **License:** Unknown -->
58
+
59
+ ### Model Sources
60
+
61
+ - **Repository:** [SetFit on GitHub](https://github.com/huggingface/setfit)
62
+ - **Paper:** [Efficient Few-Shot Learning Without Prompts](https://arxiv.org/abs/2209.11055)
63
+ - **Blogpost:** [SetFit: Efficient Few-Shot Learning Without Prompts](https://huggingface.co/blog/setfit)
64
+
65
+ ### Model Labels
66
+ | Label | Examples |
67
+ |:--------|:------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
68
+ | negatif | <ul><li>'seru tolong diperbaiki pencarian lawan bermain ketemu player:kapada supercell game nya bagus seru tolong diperbaiki pencarian lawan bermain ketemu player trophy mahkotanya jaraknya dapet berpengaruh peleton akun perbedaan level'</li><li>'bugnya nakal banget y:bugnya nakal banget y coc cr aja sukanya ngebug pas match suka hitam match relog kalo udah relog lawan udah 1 2 mahkota kecewa sih bintang nya 1 aja bug nya diurus bintang lawannya kadang g setara levelnya dahlah gk suka banget kalo main 2 vs 2 temen suka banget afk coba fitur report'</li><li>'kadang g setara levelnya dahlah gk suka:bugnya nakal banget y coc cr aja sukanya ngebug pas match suka hitam match relog kalo udah relog lawan udah 1 2 mahkota kecewa sih bintang nya 1 aja bug nya diurus bintang lawannya kadang g setara levelnya dahlah gk suka banget kalo main 2 vs 2 temen suka banget afk coba fitur report'</li></ul> |
69
+ | positif | <ul><li>'kapada supercell game nya bagus seru:kapada supercell game nya bagus seru tolong diperbaiki pencarian lawan bermain ketemu player trophy mahkotanya jaraknya dapet berpengaruh peleton akun perbedaan level'</li><li>'fairrrr mending uninstall gamenya maen game yg:overall gamenya bagus pencarian match dikasih musuh yg levelnya levelku yg pertandingan fair menganggu kenyamanan pemainnya kalo nyariin musuh gapapa nyarinya kasih yg fair levelnya gaush buru buru ngasih yg gak fairrrr pas arena 4 udh dikasih musuh yg pletonnya 2 yg level 11 gak fairrrr mending uninstall gamenya maen game yg yg org gak fairr'</li><li>'gameplay menyenangkan pemain afk:gameplay menyenangkan pemain afk pertengahan menyerah 2vs2 mode mengganggu tolong tambahkan fitur lapor pemain'</li></ul> |
70
+
71
+ ## Uses
72
+
73
+ ### Direct Use for Inference
74
+
75
+ First install the SetFit library:
76
+
77
+ ```bash
78
+ pip install setfit
79
+ ```
80
+
81
+ Then you can load this model and run inference.
82
+
83
+ ```python
84
+ from setfit import AbsaModel
85
+
86
+ # Download from the 🤗 Hub
87
+ model = AbsaModel.from_pretrained(
88
+ "Funnyworld1412/ABSA_review_game-aspect",
89
+ "Funnyworld1412/ABSA_review_game-polarity",
90
+ )
91
+ # Run inference
92
+ preds = model("The food was great, but the venue is just way too busy.")
93
+ ```
94
+
95
+ <!--
96
+ ### Downstream Use
97
+
98
+ *List how someone could finetune this model on their own dataset.*
99
+ -->
100
+
101
+ <!--
102
+ ### Out-of-Scope Use
103
+
104
+ *List how the model may foreseeably be misused and address what users ought not to do with the model.*
105
+ -->
106
+
107
+ <!--
108
+ ## Bias, Risks and Limitations
109
+
110
+ *What are the known or foreseeable issues stemming from this model? You could also flag here known failure cases or weaknesses of the model.*
111
+ -->
112
+
113
+ <!--
114
+ ### Recommendations
115
+
116
+ *What are recommendations with respect to the foreseeable issues? For example, filtering explicit content.*
117
+ -->
118
+
119
+ ## Training Details
120
+
121
+ ### Training Set Metrics
122
+ | Training set | Min | Median | Max |
123
+ |:-------------|:----|:--------|:----|
124
+ | Word count | 3 | 28.3626 | 83 |
125
+
126
+ | Label | Training Sample Count |
127
+ |:--------|:----------------------|
128
+ | konflik | 0 |
129
+ | negatif | 738 |
130
+ | netral | 0 |
131
+ | positif | 528 |
132
+
133
+ ### Training Hyperparameters
134
+ - batch_size: (4, 4)
135
+ - num_epochs: (1, 1)
136
+ - max_steps: -1
137
+ - sampling_strategy: oversampling
138
+ - num_iterations: 5
139
+ - body_learning_rate: (2e-05, 1e-05)
140
+ - head_learning_rate: 0.01
141
+ - loss: CosineSimilarityLoss
142
+ - distance_metric: cosine_distance
143
+ - margin: 0.25
144
+ - end_to_end: False
145
+ - use_amp: False
146
+ - warmup_proportion: 0.1
147
+ - seed: 42
148
+ - eval_max_steps: -1
149
+ - load_best_model_at_end: False
150
+
151
+ ### Training Results
152
+ | Epoch | Step | Training Loss | Validation Loss |
153
+ |:------:|:----:|:-------------:|:---------------:|
154
+ | 0.0003 | 1 | 0.2392 | - |
155
+ | 0.0158 | 50 | 0.1644 | - |
156
+ | 0.0316 | 100 | 0.242 | - |
157
+ | 0.0474 | 150 | 0.1759 | - |
158
+ | 0.0632 | 200 | 0.2001 | - |
159
+ | 0.0790 | 250 | 0.0038 | - |
160
+ | 0.0948 | 300 | 0.1608 | - |
161
+ | 0.1106 | 350 | 0.1906 | - |
162
+ | 0.1264 | 400 | 0.017 | - |
163
+ | 0.1422 | 450 | 0.0035 | - |
164
+ | 0.1580 | 500 | 0.0476 | - |
165
+ | 0.1738 | 550 | 0.3753 | - |
166
+ | 0.1896 | 600 | 0.2435 | - |
167
+ | 0.2054 | 650 | 0.0027 | - |
168
+ | 0.2212 | 700 | 0.2641 | - |
169
+ | 0.2370 | 750 | 0.1849 | - |
170
+ | 0.2528 | 800 | 0.0827 | - |
171
+ | 0.2686 | 850 | 0.2982 | - |
172
+ | 0.2844 | 900 | 0.0073 | - |
173
+ | 0.3002 | 950 | 0.1619 | - |
174
+ | 0.3160 | 1000 | 0.8205 | - |
175
+ | 0.3318 | 1050 | 0.034 | - |
176
+ | 0.3476 | 1100 | 0.0493 | - |
177
+ | 0.3633 | 1150 | 0.2171 | - |
178
+ | 0.3791 | 1200 | 0.0019 | - |
179
+ | 0.3949 | 1250 | 0.2532 | - |
180
+ | 0.4107 | 1300 | 0.0061 | - |
181
+ | 0.4265 | 1350 | 0.0994 | - |
182
+ | 0.4423 | 1400 | 0.0041 | - |
183
+ | 0.4581 | 1450 | 0.0102 | - |
184
+ | 0.4739 | 1500 | 0.0062 | - |
185
+ | 0.4897 | 1550 | 0.0033 | - |
186
+ | 0.5055 | 1600 | 0.0022 | - |
187
+ | 0.5213 | 1650 | 0.4103 | - |
188
+ | 0.5371 | 1700 | 0.0045 | - |
189
+ | 0.5529 | 1750 | 0.0048 | - |
190
+ | 0.5687 | 1800 | 0.0019 | - |
191
+ | 0.5845 | 1850 | 0.0402 | - |
192
+ | 0.6003 | 1900 | 0.0038 | - |
193
+ | 0.6161 | 1950 | 0.0018 | - |
194
+ | 0.6319 | 2000 | 0.0021 | - |
195
+ | 0.6477 | 2050 | 0.0045 | - |
196
+ | 0.6635 | 2100 | 0.0022 | - |
197
+ | 0.6793 | 2150 | 0.0024 | - |
198
+ | 0.6951 | 2200 | 0.0018 | - |
199
+ | 0.7109 | 2250 | 0.0015 | - |
200
+ | 0.7267 | 2300 | 0.2314 | - |
201
+ | 0.7425 | 2350 | 0.0032 | - |
202
+ | 0.7583 | 2400 | 0.0023 | - |
203
+ | 0.7741 | 2450 | 0.0037 | - |
204
+ | 0.7899 | 2500 | 0.0022 | - |
205
+ | 0.8057 | 2550 | 0.0035 | - |
206
+ | 0.8215 | 2600 | 0.0095 | - |
207
+ | 0.8373 | 2650 | 0.0022 | - |
208
+ | 0.8531 | 2700 | 0.0024 | - |
209
+ | 0.8689 | 2750 | 0.0011 | - |
210
+ | 0.8847 | 2800 | 0.0015 | - |
211
+ | 0.9005 | 2850 | 0.0016 | - |
212
+ | 0.9163 | 2900 | 0.0021 | - |
213
+ | 0.9321 | 2950 | 0.0013 | - |
214
+ | 0.9479 | 3000 | 0.0015 | - |
215
+ | 0.9637 | 3050 | 0.0016 | - |
216
+ | 0.9795 | 3100 | 0.0014 | - |
217
+ | 0.9953 | 3150 | 0.0014 | - |
218
+ | 1.0 | 3165 | - | 0.129 |
219
+
220
+ ### Framework Versions
221
+ - Python: 3.10.13
222
+ - SetFit: 1.0.3
223
+ - Sentence Transformers: 3.0.1
224
+ - spaCy: 3.7.5
225
+ - Transformers: 4.36.2
226
+ - PyTorch: 2.1.2
227
+ - Datasets: 2.19.2
228
+ - Tokenizers: 0.15.2
229
+
230
+ ## Citation
231
+
232
+ ### BibTeX
233
+ ```bibtex
234
+ @article{https://doi.org/10.48550/arxiv.2209.11055,
235
+ doi = {10.48550/ARXIV.2209.11055},
236
+ url = {https://arxiv.org/abs/2209.11055},
237
+ author = {Tunstall, Lewis and Reimers, Nils and Jo, Unso Eun Seo and Bates, Luke and Korat, Daniel and Wasserblat, Moshe and Pereg, Oren},
238
+ keywords = {Computation and Language (cs.CL), FOS: Computer and information sciences, FOS: Computer and information sciences},
239
+ title = {Efficient Few-Shot Learning Without Prompts},
240
+ publisher = {arXiv},
241
+ year = {2022},
242
+ copyright = {Creative Commons Attribution 4.0 International}
243
+ }
244
+ ```
245
+
246
+ <!--
247
+ ## Glossary
248
+
249
+ *Clearly define terms in order to be accessible across audiences.*
250
+ -->
251
+
252
+ <!--
253
+ ## Model Card Authors
254
+
255
+ *Lists the people who create the model card, providing recognition and accountability for the detailed work that goes into its construction.*
256
+ -->
257
+
258
+ <!--
259
+ ## Model Card Contact
260
+
261
+ *Provides a way for people who have updates to the Model Card, suggestions, or questions, to contact the Model Card authors.*
262
+ -->
config.json ADDED
@@ -0,0 +1,28 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_name_or_path": "Funnyworld1412/ABSA_game_squad_busters-polarity",
3
+ "architectures": [
4
+ "XLMRobertaModel"
5
+ ],
6
+ "attention_probs_dropout_prob": 0.1,
7
+ "bos_token_id": 0,
8
+ "classifier_dropout": null,
9
+ "eos_token_id": 2,
10
+ "hidden_act": "gelu",
11
+ "hidden_dropout_prob": 0.1,
12
+ "hidden_size": 1024,
13
+ "initializer_range": 0.02,
14
+ "intermediate_size": 4096,
15
+ "layer_norm_eps": 1e-05,
16
+ "max_position_embeddings": 8194,
17
+ "model_type": "xlm-roberta",
18
+ "num_attention_heads": 16,
19
+ "num_hidden_layers": 24,
20
+ "output_past": true,
21
+ "pad_token_id": 1,
22
+ "position_embedding_type": "absolute",
23
+ "torch_dtype": "float32",
24
+ "transformers_version": "4.36.2",
25
+ "type_vocab_size": 1,
26
+ "use_cache": true,
27
+ "vocab_size": 250002
28
+ }
config_sentence_transformers.json ADDED
@@ -0,0 +1,10 @@
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "__version__": {
3
+ "sentence_transformers": "3.0.1",
4
+ "transformers": "4.36.2",
5
+ "pytorch": "2.1.2"
6
+ },
7
+ "prompts": {},
8
+ "default_prompt_name": null,
9
+ "similarity_fn_name": null
10
+ }
config_setfit.json ADDED
@@ -0,0 +1,11 @@
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "span_context": 3,
3
+ "labels": [
4
+ "konflik",
5
+ "negatif",
6
+ "netral",
7
+ "positif"
8
+ ],
9
+ "spacy_model": "id_core_news_trf",
10
+ "normalize_embeddings": false
11
+ }
model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:d248bb347979143635b66571360be3901e1bcc31ba13651416aab3c33e6abab1
3
+ size 2271064456
model_head.pkl ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:2d70a0e250912170a7434ba0cee982f248b8605cddf03f6756d933d49a8bafcb
3
+ size 9087
modules.json ADDED
@@ -0,0 +1,20 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
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
+ {
15
+ "idx": 2,
16
+ "name": "2",
17
+ "path": "2_Normalize",
18
+ "type": "sentence_transformers.models.Normalize"
19
+ }
20
+ ]
sentence_bert_config.json ADDED
@@ -0,0 +1,4 @@
 
 
 
 
 
1
+ {
2
+ "max_seq_length": 8192,
3
+ "do_lower_case": false
4
+ }
sentencepiece.bpe.model ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:cfc8146abe2a0488e9e2a0c56de7952f7c11ab059eca145a0a727afce0db2865
3
+ size 5069051
special_tokens_map.json ADDED
@@ -0,0 +1,51 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "bos_token": {
3
+ "content": "<s>",
4
+ "lstrip": false,
5
+ "normalized": false,
6
+ "rstrip": false,
7
+ "single_word": false
8
+ },
9
+ "cls_token": {
10
+ "content": "<s>",
11
+ "lstrip": false,
12
+ "normalized": false,
13
+ "rstrip": false,
14
+ "single_word": false
15
+ },
16
+ "eos_token": {
17
+ "content": "</s>",
18
+ "lstrip": false,
19
+ "normalized": false,
20
+ "rstrip": false,
21
+ "single_word": false
22
+ },
23
+ "mask_token": {
24
+ "content": "<mask>",
25
+ "lstrip": true,
26
+ "normalized": false,
27
+ "rstrip": false,
28
+ "single_word": false
29
+ },
30
+ "pad_token": {
31
+ "content": "<pad>",
32
+ "lstrip": false,
33
+ "normalized": false,
34
+ "rstrip": false,
35
+ "single_word": false
36
+ },
37
+ "sep_token": {
38
+ "content": "</s>",
39
+ "lstrip": false,
40
+ "normalized": false,
41
+ "rstrip": false,
42
+ "single_word": false
43
+ },
44
+ "unk_token": {
45
+ "content": "<unk>",
46
+ "lstrip": false,
47
+ "normalized": false,
48
+ "rstrip": false,
49
+ "single_word": false
50
+ }
51
+ }
tokenizer.json ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:1af481bd08ed9347cf9d3d07c24e5de75a10983819de076436400609e6705686
3
+ size 17083075
tokenizer_config.json ADDED
@@ -0,0 +1,62 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "added_tokens_decoder": {
3
+ "0": {
4
+ "content": "<s>",
5
+ "lstrip": false,
6
+ "normalized": false,
7
+ "rstrip": false,
8
+ "single_word": false,
9
+ "special": true
10
+ },
11
+ "1": {
12
+ "content": "<pad>",
13
+ "lstrip": false,
14
+ "normalized": false,
15
+ "rstrip": false,
16
+ "single_word": false,
17
+ "special": true
18
+ },
19
+ "2": {
20
+ "content": "</s>",
21
+ "lstrip": false,
22
+ "normalized": false,
23
+ "rstrip": false,
24
+ "single_word": false,
25
+ "special": true
26
+ },
27
+ "3": {
28
+ "content": "<unk>",
29
+ "lstrip": false,
30
+ "normalized": false,
31
+ "rstrip": false,
32
+ "single_word": false,
33
+ "special": true
34
+ },
35
+ "250001": {
36
+ "content": "<mask>",
37
+ "lstrip": true,
38
+ "normalized": false,
39
+ "rstrip": false,
40
+ "single_word": false,
41
+ "special": true
42
+ }
43
+ },
44
+ "bos_token": "<s>",
45
+ "clean_up_tokenization_spaces": true,
46
+ "cls_token": "<s>",
47
+ "eos_token": "</s>",
48
+ "mask_token": "<mask>",
49
+ "max_length": 8192,
50
+ "model_max_length": 8192,
51
+ "pad_to_multiple_of": null,
52
+ "pad_token": "<pad>",
53
+ "pad_token_type_id": 0,
54
+ "padding_side": "right",
55
+ "sep_token": "</s>",
56
+ "sp_model_kwargs": {},
57
+ "stride": 0,
58
+ "tokenizer_class": "XLMRobertaTokenizer",
59
+ "truncation_side": "right",
60
+ "truncation_strategy": "longest_first",
61
+ "unk_token": "<unk>"
62
+ }