PeppoCola commited on
Commit
37579a1
1 Parent(s): e7830a6

Upload folder using huggingface_hub

Browse files
1_Pooling/config.json ADDED
@@ -0,0 +1,10 @@
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "word_embedding_dimension": 768,
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,209 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ library_name: setfit
3
+ metrics:
4
+ - accuracy
5
+ pipeline_tag: text-classification
6
+ tags:
7
+ - setfit
8
+ - sentence-transformers
9
+ - text-classification
10
+ - generated_from_setfit_trainer
11
+ widget:
12
+ - text: "Copy env-production to .env (setting up)\nHi, very sorry to ask, dont know\
13
+ \ if here would be ok... but where can I get the env-production file to be copied\
14
+ \ to .env? because here https://github.com/frappe/frappe_docker/wiki/Easiest-Install\
15
+ \ says so but cant be found...```\r\n\r\nThanks,\r\n\r\n$ **cp env-production\
16
+ \ .env**\r\n$ sed -i -e \"s/FRAPPE_VERSION=edge/FRAPPE_VERSION=v12.9.4/g\" .env\r\
17
+ \n$ sed -i -e \"s/ERPNEXT_VERSION=edge/ERPNEXT_VERSION=v12.6.2/g\" .env\r\n$ sed\
18
+ \ -i -e \"s/email@example.com/hello@myweb.com/g\" .env\r\n$ sed -i -e \"s/erp.example.com/erp.myweb.com/g\"\
19
+ \ .env\r\n$ sed -i -e \"s/ADMIN_PASSWORD=admin/ADMIN_PASSWORD=supersecret/g\"\
20
+ \ .env\r\n$ sed -i -e \"s/MYSQL_ROOT_PASSWORD=admin/MYSQL_ROOT_PASSWORD=longsecretpassword/g\"\
21
+ \ .env\r\n```"
22
+ - text: "[BUG] Unwanted \"supported\" or \"unknown\" message\n## User Story\r\nI see\
23
+ \ string \"supported\" on \"start\" command.\r\n\r\n## Basic info\r\n\r\n* **Distro:**\
24
+ \ Ubuntu 20.04.3 LTS\r\n* **Game:** Any\r\n* **Command:** start\r\n* **LinuxGSM\
25
+ \ version:** v21.5.0\r\n\r\n## Further Information\r\n\r\nProbably it is debug\
26
+ \ message from deps check. \"supported\" is replaced by \"unknown\" on unsupported\
27
+ \ distro.\r\nThis LGSM is upgraded from previous version.\r\n```\r\naaa@hostname:~$\
28
+ \ ./arma3server start\r\nsupported\r\nsupported\r\nsupported\r\n[ OK ] Starting\
29
+ \ arma3server: server name\r\n```\r\n\r\n## To Reproduce\r\n\r\nSteps to reproduce\
30
+ \ the behaviour:\r\n1. Use start command\r\n\r\n## Expected behaviour\r\nSee only\
31
+ \ \"[ OK ] Starting arma3server: server name\" message,"
32
+ - text: 'Docs are still using `DBT_PROJECT_DIR`
33
+
34
+ This was switched to `ARTEFACTS_ DBT_PROJECT_DIR` last release.'
35
+ - text: 'Document CNI upgrade strategies
36
+
37
+ Document supported CNIs + supported CNI upgrade strategies.'
38
+ - text: 'Read the Docs
39
+
40
+ Implement read the docs for documentation'
41
+ inference: true
42
+ ---
43
+
44
+ # SetFit
45
+
46
+ This is a [SetFit](https://github.com/huggingface/setfit) model that can be used for Text Classification. A [LogisticRegression](https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.LogisticRegression.html) instance is used for classification.
47
+
48
+ The model has been trained using an efficient few-shot learning technique that involves:
49
+
50
+ 1. Fine-tuning a [Sentence Transformer](https://www.sbert.net) with contrastive learning.
51
+ 2. Training a classification head with features from the fine-tuned Sentence Transformer.
52
+
53
+ ## Model Details
54
+
55
+ ### Model Description
56
+ - **Model Type:** SetFit
57
+ <!-- - **Sentence Transformer:** [Unknown](https://huggingface.co/unknown) -->
58
+ - **Classification head:** a [LogisticRegression](https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.LogisticRegression.html) instance
59
+ - **Maximum Sequence Length:** 384 tokens
60
+ - **Number of Classes:** 2 classes
61
+ <!-- - **Training Dataset:** [Unknown](https://huggingface.co/datasets/unknown) -->
62
+ <!-- - **Language:** Unknown -->
63
+ <!-- - **License:** Unknown -->
64
+
65
+ ### Model Sources
66
+
67
+ - **Repository:** [SetFit on GitHub](https://github.com/huggingface/setfit)
68
+ - **Paper:** [Efficient Few-Shot Learning Without Prompts](https://arxiv.org/abs/2209.11055)
69
+ - **Blogpost:** [SetFit: Efficient Few-Shot Learning Without Prompts](https://huggingface.co/blog/setfit)
70
+
71
+ ### Model Labels
72
+ | Label | Examples |
73
+ |:--------|:-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
74
+ | bug | <ul><li>'lookatme requirements should specify click<9\n`lookatme` specifies a requirements of `click>=7,<8` but in fact seems to work fine with click 8+. Many tools (including poetry, and soon pip) will refuse to install lookatme in a venv with modern Python packages because those packages require click 8+.\r\n\r\nThis is easily fixed by updating requirements.\r\n\r\nSteps to reproduce the behavior:\r\n\r\n```\r\npoetry shell\r\npoetry add black\r\npoetry add lookatme\r\n```\r\n\r\n**Expected behavior**\r\nlookatme can be installed with black.\r\n\r\n**Actual behavior**\r\npoetry refuses to install lookatme because of the unnecessary requirement.\r\n\r\n**Additional context**\r\nPR inbound.'</li><li>'Quarto error when trying to render a simple .qmd file\n### System details\r\n\r\nVersion 2022.11.0-daily+87 (2022.11.0-daily+87)\r\nsysname\r\n"Darwin"\r\nrelease\r\n"21.5.0"\r\nversion\r\n"Darwin Kernel Version 21.5.0: Tue Apr 26 21:08:37 PDT 2022; root:xnu8020.121.3~4/RELEASE_ARM64_T6000" \r\n\r\n\r\n### Steps to reproduce the problem\r\nthis is an example `qmd file`\r\n```\r\n---\r\ntitle: "An Introduction to data science"\r\nformat: revealjs\r\n---\r\n\r\n\r\n\r\n---\r\n# How is the project is constructed\r\n\r\n1. Intro\r\n\r\n2. Literature review\r\n\r\n3. Hypothesis\r\n\r\n4. Methods: which tools did you use and how you used them (more on this in a bit)\r\n\r\n5. Main results\r\n\r\n6. Conclusions\r\n\r\n<img src="https://www.dropbox.com/s/06o9rixg2r5ocvz/ppic155.jpeg?raw=1" alt="" style="zoom:33%;" />\r\n\r\n---\r\n# Intro\r\n\r\nPresent the research topic and research hypothesis\r\n\r\n---\r\n# Literature review\r\n\r\nat least 5-6 papers you will summarize relating to your project\r\n\r\n\r\n```\r\n\r\n### Describe the problem in detail\r\n\r\nwhen rendering I get errors, here is the error from the example file above\r\n```\r\nERROR: YAMLError: end of the stream or a document separator is expected at line 10, column 12:\r\n 4. Methods: which tools did you use and ho ... \r\n ^\r\n```\r\n\r\n\r\n### Describe the behavior you expected\r\n\r\nexpected for the file to render correctly \r\n\r\n- [ X] I have read the guide for [submitting good bug reports](https://github.com/rstudio/rstudio/wiki/Writing-Good-Bug-Reports).\r\n- [ X] I have installed the latest version of RStudio, and confirmed that the issue still persists.\r\n- [ X] If I am reporting an RStudio crash, I have included a [diagnostics report](https://support.rstudio.com/hc/en-us/articles/200321257-Running-a-Diagnostics-Report).\r\n- [ X] I have done my best to include a minimal, self-contained set of instructions for consistently reproducing the issue.\r\n'</li><li>'Nested buttons do not handle enabled properly\nWith 2 nested buttons, if the outside one has the prop `enabled={false}` then then inside one does not receive touch events.\r\n\r\nTested on iOS, not sure about Android.\r\n\r\nSnack: https://snack.expo.io/H15lpZuFQ'</li></ul> |
75
+ | non-bug | <ul><li>'Migrating Woo Comparison table to Sparks\n### Description:\r\nWe need to migrate the current comparison table to Sparks and remove it from Otter.'</li><li>'[bug] Hard code \'movie_id\' in neg_sampler.py\n<img width="914" alt="Screen Shot 2022-06-20 at 3 26 21 PM" src="https://user-images.githubusercontent.com/15731690/174547685-40628045-4d29-466c-a68a-ded28e1ced6d.png">\r\n\r\nUse item parameter instead of hard code \'movie_id\'.'</li><li>"mk: omit transitive shared-library dependencies from linker command line\nRight now, binaries created directly within a build directory are linked slightly different compared to binaries created as depot archive. When created in the build directory, all shared-library dependencies including transitive shared-library dependencies of the target's used shared libraries end up at the linker command line. In contrast, when building a depot archive - where transitive shared libraries are not known because they are hidden behind the library's ABI - only the immediate dependencies appear at the linker command line. To improve the consistency, we should better link without transitive shared objects in both cases."</li></ul> |
76
+
77
+ ## Uses
78
+
79
+ ### Direct Use for Inference
80
+
81
+ First install the SetFit library:
82
+
83
+ ```bash
84
+ pip install setfit
85
+ ```
86
+
87
+ Then you can load this model and run inference.
88
+
89
+ ```python
90
+ from setfit import SetFitModel
91
+
92
+ # Download from the 🤗 Hub
93
+ model = SetFitModel.from_pretrained("setfit_model_id")
94
+ # Run inference
95
+ preds = model("Read the Docs
96
+ Implement read the docs for documentation")
97
+ ```
98
+
99
+ <!--
100
+ ### Downstream Use
101
+
102
+ *List how someone could finetune this model on their own dataset.*
103
+ -->
104
+
105
+ <!--
106
+ ### Out-of-Scope Use
107
+
108
+ *List how the model may foreseeably be misused and address what users ought not to do with the model.*
109
+ -->
110
+
111
+ <!--
112
+ ## Bias, Risks and Limitations
113
+
114
+ *What are the known or foreseeable issues stemming from this model? You could also flag here known failure cases or weaknesses of the model.*
115
+ -->
116
+
117
+ <!--
118
+ ### Recommendations
119
+
120
+ *What are recommendations with respect to the foreseeable issues? For example, filtering explicit content.*
121
+ -->
122
+
123
+ ## Training Details
124
+
125
+ ### Training Set Metrics
126
+ | Training set | Min | Median | Max |
127
+ |:-------------|:----|:---------|:------|
128
+ | Word count | 3 | 186.9402 | 10443 |
129
+
130
+ | Label | Training Sample Count |
131
+ |:--------|:----------------------|
132
+ | bug | 47 |
133
+ | non-bug | 137 |
134
+
135
+ ### Training Hyperparameters
136
+ - batch_size: (16, 2)
137
+ - num_epochs: (1, 1)
138
+ - max_steps: -1
139
+ - sampling_strategy: oversampling
140
+ - num_iterations: 20
141
+ - body_learning_rate: (2e-05, 1e-05)
142
+ - head_learning_rate: 0.01
143
+ - loss: CosineSimilarityLoss
144
+ - distance_metric: cosine_distance
145
+ - margin: 0.25
146
+ - end_to_end: False
147
+ - use_amp: False
148
+ - warmup_proportion: 0.1
149
+ - l2_weight: 0.01
150
+ - seed: 42
151
+ - eval_max_steps: -1
152
+ - load_best_model_at_end: False
153
+
154
+ ### Training Results
155
+ | Epoch | Step | Training Loss | Validation Loss |
156
+ |:------:|:----:|:-------------:|:---------------:|
157
+ | 0.0022 | 1 | 0.6468 | - |
158
+ | 0.1087 | 50 | 0.2755 | - |
159
+ | 0.2174 | 100 | 0.0535 | - |
160
+ | 0.3261 | 150 | 0.0011 | - |
161
+ | 0.4348 | 200 | 0.0004 | - |
162
+ | 0.5435 | 250 | 0.0003 | - |
163
+ | 0.6522 | 300 | 0.0003 | - |
164
+ | 0.7609 | 350 | 0.0002 | - |
165
+ | 0.8696 | 400 | 0.0002 | - |
166
+ | 0.9783 | 450 | 0.0001 | - |
167
+
168
+ ### Framework Versions
169
+ - Python: 3.11.6
170
+ - SetFit: 1.1.0
171
+ - Sentence Transformers: 3.0.1
172
+ - Transformers: 4.44.2
173
+ - PyTorch: 2.4.1+cu121
174
+ - Datasets: 2.21.0
175
+ - Tokenizers: 0.19.1
176
+
177
+ ## Citation
178
+
179
+ ### BibTeX
180
+ ```bibtex
181
+ @article{https://doi.org/10.48550/arxiv.2209.11055,
182
+ doi = {10.48550/ARXIV.2209.11055},
183
+ url = {https://arxiv.org/abs/2209.11055},
184
+ author = {Tunstall, Lewis and Reimers, Nils and Jo, Unso Eun Seo and Bates, Luke and Korat, Daniel and Wasserblat, Moshe and Pereg, Oren},
185
+ keywords = {Computation and Language (cs.CL), FOS: Computer and information sciences, FOS: Computer and information sciences},
186
+ title = {Efficient Few-Shot Learning Without Prompts},
187
+ publisher = {arXiv},
188
+ year = {2022},
189
+ copyright = {Creative Commons Attribution 4.0 International}
190
+ }
191
+ ```
192
+
193
+ <!--
194
+ ## Glossary
195
+
196
+ *Clearly define terms in order to be accessible across audiences.*
197
+ -->
198
+
199
+ <!--
200
+ ## Model Card Authors
201
+
202
+ *Lists the people who create the model card, providing recognition and accountability for the detailed work that goes into its construction.*
203
+ -->
204
+
205
+ <!--
206
+ ## Model Card Contact
207
+
208
+ *Provides a way for people who have updates to the Model Card, suggestions, or questions, to contact the Model Card authors.*
209
+ -->
config.json ADDED
@@ -0,0 +1,24 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_name_or_path": "sentence-transformers/all-mpnet-base-v2",
3
+ "architectures": [
4
+ "MPNetModel"
5
+ ],
6
+ "attention_probs_dropout_prob": 0.1,
7
+ "bos_token_id": 0,
8
+ "eos_token_id": 2,
9
+ "hidden_act": "gelu",
10
+ "hidden_dropout_prob": 0.1,
11
+ "hidden_size": 768,
12
+ "initializer_range": 0.02,
13
+ "intermediate_size": 3072,
14
+ "layer_norm_eps": 1e-05,
15
+ "max_position_embeddings": 514,
16
+ "model_type": "mpnet",
17
+ "num_attention_heads": 12,
18
+ "num_hidden_layers": 12,
19
+ "pad_token_id": 1,
20
+ "relative_attention_num_buckets": 32,
21
+ "torch_dtype": "float32",
22
+ "transformers_version": "4.44.2",
23
+ "vocab_size": 30527
24
+ }
config_sentence_transformers.json ADDED
@@ -0,0 +1,10 @@
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "__version__": {
3
+ "sentence_transformers": "3.0.1",
4
+ "transformers": "4.44.2",
5
+ "pytorch": "2.4.1+cu121"
6
+ },
7
+ "prompts": {},
8
+ "default_prompt_name": null,
9
+ "similarity_fn_name": null
10
+ }
config_setfit.json ADDED
@@ -0,0 +1,7 @@
 
 
 
 
 
 
 
 
1
+ {
2
+ "labels": [
3
+ "bug",
4
+ "non-bug"
5
+ ],
6
+ "normalize_embeddings": false
7
+ }
model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:b364ab06daedee68a7232a642edd568d7cbfea041312d2f48580bb20472f5145
3
+ size 437967672
model_head.pkl ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:a89b617d53ea1bde7eda2253971c016315d13caaebf164d286573e064f8dce31
3
+ size 7055
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": 384,
3
+ "do_lower_case": false
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,72 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
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": true,
31
+ "rstrip": false,
32
+ "single_word": false,
33
+ "special": true
34
+ },
35
+ "104": {
36
+ "content": "[UNK]",
37
+ "lstrip": false,
38
+ "normalized": false,
39
+ "rstrip": false,
40
+ "single_word": false,
41
+ "special": true
42
+ },
43
+ "30526": {
44
+ "content": "<mask>",
45
+ "lstrip": true,
46
+ "normalized": false,
47
+ "rstrip": false,
48
+ "single_word": false,
49
+ "special": true
50
+ }
51
+ },
52
+ "bos_token": "<s>",
53
+ "clean_up_tokenization_spaces": true,
54
+ "cls_token": "<s>",
55
+ "do_lower_case": true,
56
+ "eos_token": "</s>",
57
+ "mask_token": "<mask>",
58
+ "max_length": 128,
59
+ "model_max_length": 384,
60
+ "pad_to_multiple_of": null,
61
+ "pad_token": "<pad>",
62
+ "pad_token_type_id": 0,
63
+ "padding_side": "right",
64
+ "sep_token": "</s>",
65
+ "stride": 0,
66
+ "strip_accents": null,
67
+ "tokenize_chinese_chars": true,
68
+ "tokenizer_class": "MPNetTokenizer",
69
+ "truncation_side": "right",
70
+ "truncation_strategy": "longest_first",
71
+ "unk_token": "[UNK]"
72
+ }
vocab.txt ADDED
The diff for this file is too large to render. See raw diff