Funnyworld1412 commited on
Commit
353ab58
1 Parent(s): 55f25c5

Add SetFit ABSA model

Browse files
1_Pooling/config.json ADDED
@@ -0,0 +1,10 @@
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "word_embedding_dimension": 1024,
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,281 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
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: sentence-transformers/stsb-roberta-large
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
+ model-index:
28
+ - name: SetFit Polarity Model with sentence-transformers/stsb-roberta-large
29
+ results:
30
+ - task:
31
+ type: text-classification
32
+ name: Text Classification
33
+ dataset:
34
+ name: Unknown
35
+ type: unknown
36
+ split: test
37
+ metrics:
38
+ - type: accuracy
39
+ value: 0.8351449275362319
40
+ name: Accuracy
41
+ ---
42
+
43
+ # SetFit Polarity Model with sentence-transformers/stsb-roberta-large
44
+
45
+ This is a [SetFit](https://github.com/huggingface/setfit) model that can be used for Aspect Based Sentiment Analysis (ABSA). This SetFit model uses [sentence-transformers/stsb-roberta-large](https://huggingface.co/sentence-transformers/stsb-roberta-large) 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.
46
+
47
+ The model has been trained using an efficient few-shot learning technique that involves:
48
+
49
+ 1. Fine-tuning a [Sentence Transformer](https://www.sbert.net) with contrastive learning.
50
+ 2. Training a classification head with features from the fine-tuned Sentence Transformer.
51
+
52
+ This model was trained within the context of a larger system for ABSA, which looks like so:
53
+
54
+ 1. Use a spaCy model to select possible aspect span candidates.
55
+ 2. Use a SetFit model to filter these possible aspect span candidates.
56
+ 3. **Use this SetFit model to classify the filtered aspect span candidates.**
57
+
58
+ ## Model Details
59
+
60
+ ### Model Description
61
+ - **Model Type:** SetFit
62
+ - **Sentence Transformer body:** [sentence-transformers/stsb-roberta-large](https://huggingface.co/sentence-transformers/stsb-roberta-large)
63
+ - **Classification head:** a [LogisticRegression](https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.LogisticRegression.html) instance
64
+ - **spaCy Model:** id_core_news_trf
65
+ - **SetFitABSA Aspect Model:** [Funnyworld1412/ABSA_Roberta-large_MiniLM-L6-aspect](https://huggingface.co/Funnyworld1412/ABSA_Roberta-large_MiniLM-L6-aspect)
66
+ - **SetFitABSA Polarity Model:** [Funnyworld1412/ABSA_Roberta-large_MiniLM-L6-polarity](https://huggingface.co/Funnyworld1412/ABSA_Roberta-large_MiniLM-L6-polarity)
67
+ - **Maximum Sequence Length:** 128 tokens
68
+ - **Number of Classes:** 2 classes
69
+ <!-- - **Training Dataset:** [Unknown](https://huggingface.co/datasets/unknown) -->
70
+ <!-- - **Language:** Unknown -->
71
+ <!-- - **License:** Unknown -->
72
+
73
+ ### Model Sources
74
+
75
+ - **Repository:** [SetFit on GitHub](https://github.com/huggingface/setfit)
76
+ - **Paper:** [Efficient Few-Shot Learning Without Prompts](https://arxiv.org/abs/2209.11055)
77
+ - **Blogpost:** [SetFit: Efficient Few-Shot Learning Without Prompts](https://huggingface.co/blog/setfit)
78
+
79
+ ### Model Labels
80
+ | Label | Examples |
81
+ |:--------|:------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
82
+ | 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> |
83
+ | 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> |
84
+
85
+ ## Evaluation
86
+
87
+ ### Metrics
88
+ | Label | Accuracy |
89
+ |:--------|:---------|
90
+ | **all** | 0.8351 |
91
+
92
+ ## Uses
93
+
94
+ ### Direct Use for Inference
95
+
96
+ First install the SetFit library:
97
+
98
+ ```bash
99
+ pip install setfit
100
+ ```
101
+
102
+ Then you can load this model and run inference.
103
+
104
+ ```python
105
+ from setfit import AbsaModel
106
+
107
+ # Download from the 🤗 Hub
108
+ model = AbsaModel.from_pretrained(
109
+ "Funnyworld1412/ABSA_Roberta-large_MiniLM-L6-aspect",
110
+ "Funnyworld1412/ABSA_Roberta-large_MiniLM-L6-polarity",
111
+ )
112
+ # Run inference
113
+ preds = model("The food was great, but the venue is just way too busy.")
114
+ ```
115
+
116
+ <!--
117
+ ### Downstream Use
118
+
119
+ *List how someone could finetune this model on their own dataset.*
120
+ -->
121
+
122
+ <!--
123
+ ### Out-of-Scope Use
124
+
125
+ *List how the model may foreseeably be misused and address what users ought not to do with the model.*
126
+ -->
127
+
128
+ <!--
129
+ ## Bias, Risks and Limitations
130
+
131
+ *What are the known or foreseeable issues stemming from this model? You could also flag here known failure cases or weaknesses of the model.*
132
+ -->
133
+
134
+ <!--
135
+ ### Recommendations
136
+
137
+ *What are recommendations with respect to the foreseeable issues? For example, filtering explicit content.*
138
+ -->
139
+
140
+ ## Training Details
141
+
142
+ ### Training Set Metrics
143
+ | Training set | Min | Median | Max |
144
+ |:-------------|:----|:--------|:----|
145
+ | Word count | 3 | 28.3626 | 83 |
146
+
147
+ | Label | Training Sample Count |
148
+ |:--------|:----------------------|
149
+ | negatif | 738 |
150
+ | positif | 528 |
151
+
152
+ ### Training Hyperparameters
153
+ - batch_size: (4, 4)
154
+ - num_epochs: (1, 1)
155
+ - max_steps: -1
156
+ - sampling_strategy: oversampling
157
+ - num_iterations: 5
158
+ - body_learning_rate: (2e-05, 1e-05)
159
+ - head_learning_rate: 0.01
160
+ - loss: CosineSimilarityLoss
161
+ - distance_metric: cosine_distance
162
+ - margin: 0.25
163
+ - end_to_end: False
164
+ - use_amp: False
165
+ - warmup_proportion: 0.1
166
+ - seed: 42
167
+ - eval_max_steps: -1
168
+ - load_best_model_at_end: False
169
+
170
+ ### Training Results
171
+ | Epoch | Step | Training Loss | Validation Loss |
172
+ |:------:|:----:|:-------------:|:---------------:|
173
+ | 0.0003 | 1 | 0.3033 | - |
174
+ | 0.0158 | 50 | 0.2349 | - |
175
+ | 0.0316 | 100 | 0.3501 | - |
176
+ | 0.0474 | 150 | 0.3596 | - |
177
+ | 0.0632 | 200 | 0.2449 | - |
178
+ | 0.0790 | 250 | 0.2092 | - |
179
+ | 0.0948 | 300 | 0.3522 | - |
180
+ | 0.1106 | 350 | 0.1436 | - |
181
+ | 0.1264 | 400 | 0.2023 | - |
182
+ | 0.1422 | 450 | 0.1432 | - |
183
+ | 0.1580 | 500 | 0.3149 | - |
184
+ | 0.1738 | 550 | 0.2028 | - |
185
+ | 0.1896 | 600 | 0.352 | - |
186
+ | 0.2054 | 650 | 0.1648 | - |
187
+ | 0.2212 | 700 | 0.182 | - |
188
+ | 0.2370 | 750 | 0.2167 | - |
189
+ | 0.2528 | 800 | 0.1403 | - |
190
+ | 0.2686 | 850 | 0.5116 | - |
191
+ | 0.2844 | 900 | 0.1623 | - |
192
+ | 0.3002 | 950 | 0.2103 | - |
193
+ | 0.3160 | 1000 | 0.331 | - |
194
+ | 0.3318 | 1050 | 0.1982 | - |
195
+ | 0.3476 | 1100 | 0.2206 | - |
196
+ | 0.3633 | 1150 | 0.1466 | - |
197
+ | 0.3791 | 1200 | 0.1786 | - |
198
+ | 0.3949 | 1250 | 0.0619 | - |
199
+ | 0.4107 | 1300 | 0.0534 | - |
200
+ | 0.4265 | 1350 | 0.2388 | - |
201
+ | 0.4423 | 1400 | 0.1377 | - |
202
+ | 0.4581 | 1450 | 0.2801 | - |
203
+ | 0.4739 | 1500 | 0.002 | - |
204
+ | 0.4897 | 1550 | 0.0079 | - |
205
+ | 0.5055 | 1600 | 0.0452 | - |
206
+ | 0.5213 | 1650 | 0.2771 | - |
207
+ | 0.5371 | 1700 | 0.0041 | - |
208
+ | 0.5529 | 1750 | 0.0019 | - |
209
+ | 0.5687 | 1800 | 0.1913 | - |
210
+ | 0.5845 | 1850 | 0.0009 | - |
211
+ | 0.6003 | 1900 | 0.2646 | - |
212
+ | 0.6161 | 1950 | 0.0007 | - |
213
+ | 0.6319 | 2000 | 0.0011 | - |
214
+ | 0.6477 | 2050 | 0.001 | - |
215
+ | 0.6635 | 2100 | 0.014 | - |
216
+ | 0.6793 | 2150 | 0.0041 | - |
217
+ | 0.6951 | 2200 | 0.0005 | - |
218
+ | 0.7109 | 2250 | 0.0081 | - |
219
+ | 0.7267 | 2300 | 0.0007 | - |
220
+ | 0.7425 | 2350 | 0.0002 | - |
221
+ | 0.7583 | 2400 | 0.0003 | - |
222
+ | 0.7741 | 2450 | 0.0053 | - |
223
+ | 0.7899 | 2500 | 0.0011 | - |
224
+ | 0.8057 | 2550 | 0.0001 | - |
225
+ | 0.8215 | 2600 | 0.191 | - |
226
+ | 0.8373 | 2650 | 0.0003 | - |
227
+ | 0.8531 | 2700 | 0.0003 | - |
228
+ | 0.8689 | 2750 | 0.0001 | - |
229
+ | 0.8847 | 2800 | 0.0002 | - |
230
+ | 0.9005 | 2850 | 0.0001 | - |
231
+ | 0.9163 | 2900 | 0.0001 | - |
232
+ | 0.9321 | 2950 | 0.0001 | - |
233
+ | 0.9479 | 3000 | 0.0024 | - |
234
+ | 0.9637 | 3050 | 0.0068 | - |
235
+ | 0.9795 | 3100 | 0.0004 | - |
236
+ | 0.9953 | 3150 | 0.0012 | - |
237
+ | 1.0 | 3165 | - | 0.2366 |
238
+
239
+ ### Framework Versions
240
+ - Python: 3.10.13
241
+ - SetFit: 1.0.3
242
+ - Sentence Transformers: 3.0.1
243
+ - spaCy: 3.7.5
244
+ - Transformers: 4.36.2
245
+ - PyTorch: 2.1.2
246
+ - Datasets: 2.19.2
247
+ - Tokenizers: 0.15.2
248
+
249
+ ## Citation
250
+
251
+ ### BibTeX
252
+ ```bibtex
253
+ @article{https://doi.org/10.48550/arxiv.2209.11055,
254
+ doi = {10.48550/ARXIV.2209.11055},
255
+ url = {https://arxiv.org/abs/2209.11055},
256
+ author = {Tunstall, Lewis and Reimers, Nils and Jo, Unso Eun Seo and Bates, Luke and Korat, Daniel and Wasserblat, Moshe and Pereg, Oren},
257
+ keywords = {Computation and Language (cs.CL), FOS: Computer and information sciences, FOS: Computer and information sciences},
258
+ title = {Efficient Few-Shot Learning Without Prompts},
259
+ publisher = {arXiv},
260
+ year = {2022},
261
+ copyright = {Creative Commons Attribution 4.0 International}
262
+ }
263
+ ```
264
+
265
+ <!--
266
+ ## Glossary
267
+
268
+ *Clearly define terms in order to be accessible across audiences.*
269
+ -->
270
+
271
+ <!--
272
+ ## Model Card Authors
273
+
274
+ *Lists the people who create the model card, providing recognition and accountability for the detailed work that goes into its construction.*
275
+ -->
276
+
277
+ <!--
278
+ ## Model Card Contact
279
+
280
+ *Provides a way for people who have updates to the Model Card, suggestions, or questions, to contact the Model Card authors.*
281
+ -->
config.json ADDED
@@ -0,0 +1,28 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_name_or_path": "sentence-transformers/stsb-roberta-large",
3
+ "architectures": [
4
+ "RobertaModel"
5
+ ],
6
+ "attention_probs_dropout_prob": 0.1,
7
+ "bos_token_id": 0,
8
+ "classifier_dropout": null,
9
+ "eos_token_id": 2,
10
+ "gradient_checkpointing": false,
11
+ "hidden_act": "gelu",
12
+ "hidden_dropout_prob": 0.1,
13
+ "hidden_size": 1024,
14
+ "initializer_range": 0.02,
15
+ "intermediate_size": 4096,
16
+ "layer_norm_eps": 1e-05,
17
+ "max_position_embeddings": 514,
18
+ "model_type": "roberta",
19
+ "num_attention_heads": 16,
20
+ "num_hidden_layers": 24,
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": 50265
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,9 @@
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "spacy_model": "id_core_news_trf",
3
+ "span_context": 3,
4
+ "normalize_embeddings": false,
5
+ "labels": [
6
+ "negatif",
7
+ "positif"
8
+ ]
9
+ }
merges.txt ADDED
The diff for this file is too large to render. See raw diff
 
model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:921608573ee616fd1a85e835e5664dab05a2376558f331894ae6b8ee6447c6f9
3
+ size 1421483904
model_head.pkl ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:c9f5b0e9f46ef38718c8491be40fa95bea093fb07b3900a7ee4bce942832ff07
3
+ size 9087
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": 128,
3
+ "do_lower_case": true
4
+ }
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
The diff for this file is too large to render. See raw diff
 
tokenizer_config.json ADDED
@@ -0,0 +1,57 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "add_prefix_space": false,
3
+ "added_tokens_decoder": {
4
+ "0": {
5
+ "content": "<s>",
6
+ "lstrip": false,
7
+ "normalized": false,
8
+ "rstrip": false,
9
+ "single_word": false,
10
+ "special": true
11
+ },
12
+ "1": {
13
+ "content": "<pad>",
14
+ "lstrip": false,
15
+ "normalized": false,
16
+ "rstrip": false,
17
+ "single_word": false,
18
+ "special": true
19
+ },
20
+ "2": {
21
+ "content": "</s>",
22
+ "lstrip": false,
23
+ "normalized": false,
24
+ "rstrip": false,
25
+ "single_word": false,
26
+ "special": true
27
+ },
28
+ "3": {
29
+ "content": "<unk>",
30
+ "lstrip": false,
31
+ "normalized": false,
32
+ "rstrip": false,
33
+ "single_word": false,
34
+ "special": true
35
+ },
36
+ "50264": {
37
+ "content": "<mask>",
38
+ "lstrip": true,
39
+ "normalized": false,
40
+ "rstrip": false,
41
+ "single_word": false,
42
+ "special": true
43
+ }
44
+ },
45
+ "bos_token": "<s>",
46
+ "clean_up_tokenization_spaces": true,
47
+ "cls_token": "<s>",
48
+ "eos_token": "</s>",
49
+ "errors": "replace",
50
+ "mask_token": "<mask>",
51
+ "model_max_length": 128,
52
+ "pad_token": "<pad>",
53
+ "sep_token": "</s>",
54
+ "tokenizer_class": "RobertaTokenizer",
55
+ "trim_offsets": true,
56
+ "unk_token": "<unk>"
57
+ }
vocab.json ADDED
The diff for this file is too large to render. See raw diff