wisalkhanmv
commited on
Commit
•
0be103f
1
Parent(s):
9b4cf9d
Update README.md
Browse files
README.md
CHANGED
@@ -1,251 +1,165 @@
|
|
1 |
---
|
2 |
-
language:
|
|
|
|
|
3 |
tags:
|
4 |
-
-
|
5 |
-
|
6 |
datasets:
|
7 |
-
-
|
8 |
-
-
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
9 |
---
|
10 |
|
11 |
-
#
|
12 |
-
|
13 |
-
Pretrained model on English language using a masked language modeling (MLM) objective. It was introduced in
|
14 |
-
[this paper](https://arxiv.org/abs/1810.04805) and first released in
|
15 |
-
[this repository](https://github.com/google-research/bert). This model is uncased: it does not make a difference
|
16 |
-
between english and English.
|
17 |
-
|
18 |
-
Disclaimer: The team releasing BERT did not write a model card for this model so this model card has been written by
|
19 |
-
the Hugging Face team.
|
20 |
-
|
21 |
## Model description
|
|
|
22 |
|
23 |
-
|
24 |
-
was pretrained on the raw texts only, with no humans labeling them in any way (which is why it can use lots of
|
25 |
-
publicly available data) with an automatic process to generate inputs and labels from those texts. More precisely, it
|
26 |
-
was pretrained with two objectives:
|
27 |
-
|
28 |
-
- Masked language modeling (MLM): taking a sentence, the model randomly masks 15% of the words in the input then run
|
29 |
-
the entire masked sentence through the model and has to predict the masked words. This is different from traditional
|
30 |
-
recurrent neural networks (RNNs) that usually see the words one after the other, or from autoregressive models like
|
31 |
-
GPT which internally masks the future tokens. It allows the model to learn a bidirectional representation of the
|
32 |
-
sentence.
|
33 |
-
- Next sentence prediction (NSP): the models concatenates two masked sentences as inputs during pretraining. Sometimes
|
34 |
-
they correspond to sentences that were next to each other in the original text, sometimes not. The model then has to
|
35 |
-
predict if the two sentences were following each other or not.
|
36 |
-
|
37 |
-
This way, the model learns an inner representation of the English language that can then be used to extract features
|
38 |
-
useful for downstream tasks: if you have a dataset of labeled sentences, for instance, you can train a standard
|
39 |
-
classifier using the features produced by the BERT model as inputs.
|
40 |
-
|
41 |
-
## Model variations
|
42 |
-
|
43 |
-
BERT has originally been released in base and large variations, for cased and uncased input text. The uncased models also strips out an accent markers.
|
44 |
-
Chinese and multilingual uncased and cased versions followed shortly after.
|
45 |
-
Modified preprocessing with whole word masking has replaced subpiece masking in a following work, with the release of two models.
|
46 |
-
Other 24 smaller models are released afterward.
|
47 |
-
|
48 |
-
The detailed release history can be found on the [google-research/bert readme](https://github.com/google-research/bert/blob/master/README.md) on github.
|
49 |
-
|
50 |
-
| Model | #params | Language |
|
51 |
-
|------------------------|--------------------------------|-------|
|
52 |
-
| [`bert-base-uncased`](https://huggingface.co/bert-base-uncased) | 110M | English |
|
53 |
-
| [`bert-large-uncased`](https://huggingface.co/bert-large-uncased) | 340M | English | sub
|
54 |
-
| [`bert-base-cased`](https://huggingface.co/bert-base-cased) | 110M | English |
|
55 |
-
| [`bert-large-cased`](https://huggingface.co/bert-large-cased) | 340M | English |
|
56 |
-
| [`bert-base-chinese`](https://huggingface.co/bert-base-chinese) | 110M | Chinese |
|
57 |
-
| [`bert-base-multilingual-cased`](https://huggingface.co/bert-base-multilingual-cased) | 110M | Multiple |
|
58 |
-
| [`bert-large-uncased-whole-word-masking`](https://huggingface.co/bert-large-uncased-whole-word-masking) | 340M | English |
|
59 |
-
| [`bert-large-cased-whole-word-masking`](https://huggingface.co/bert-large-cased-whole-word-masking) | 340M | English |
|
60 |
-
|
61 |
-
## Intended uses & limitations
|
62 |
-
|
63 |
-
You can use the raw model for either masked language modeling or next sentence prediction, but it's mostly intended to
|
64 |
-
be fine-tuned on a downstream task. See the [model hub](https://huggingface.co/models?filter=bert) to look for
|
65 |
-
fine-tuned versions of a task that interests you.
|
66 |
-
|
67 |
-
Note that this model is primarily aimed at being fine-tuned on tasks that use the whole sentence (potentially masked)
|
68 |
-
to make decisions, such as sequence classification, token classification or question answering. For tasks such as text
|
69 |
-
generation you should look at model like GPT2.
|
70 |
-
|
71 |
-
### How to use
|
72 |
|
73 |
-
You can use this model directly with a pipeline for masked language modeling:
|
74 |
|
|
|
|
|
75 |
```python
|
76 |
-
|
77 |
-
|
78 |
-
|
79 |
-
|
80 |
-
|
81 |
-
|
82 |
-
'token': 4827,
|
83 |
-
'token_str': 'fashion'},
|
84 |
-
{'sequence': "[CLS] hello i'm a role model. [SEP]",
|
85 |
-
'score': 0.08774490654468536,
|
86 |
-
'token': 2535,
|
87 |
-
'token_str': 'role'},
|
88 |
-
{'sequence': "[CLS] hello i'm a new model. [SEP]",
|
89 |
-
'score': 0.05338378623127937,
|
90 |
-
'token': 2047,
|
91 |
-
'token_str': 'new'},
|
92 |
-
{'sequence': "[CLS] hello i'm a super model. [SEP]",
|
93 |
-
'score': 0.04667217284440994,
|
94 |
-
'token': 3565,
|
95 |
-
'token_str': 'super'},
|
96 |
-
{'sequence': "[CLS] hello i'm a fine model. [SEP]",
|
97 |
-
'score': 0.027095865458250046,
|
98 |
-
'token': 2986,
|
99 |
-
'token_str': 'fine'}]
|
100 |
```
|
101 |
-
|
102 |
-
Here is how to use this model to get the features of a given text in PyTorch:
|
103 |
-
|
104 |
```python
|
105 |
-
from transformers import
|
106 |
-
|
107 |
-
|
108 |
-
|
109 |
-
|
110 |
-
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
111 |
```
|
112 |
|
113 |
-
|
|
|
114 |
|
115 |
-
|
116 |
-
|
117 |
-
tokenizer = BertTokenizer.from_pretrained('bert-base-uncased')
|
118 |
-
model = TFBertModel.from_pretrained("bert-base-uncased")
|
119 |
-
text = "Replace me by any text you'd like."
|
120 |
-
encoded_input = tokenizer(text, return_tensors='tf')
|
121 |
-
output = model(encoded_input)
|
122 |
-
```
|
123 |
|
124 |
-
### Limitations and bias
|
125 |
|
126 |
-
|
127 |
-
|
128 |
-
|
129 |
-
|
130 |
-
|
131 |
-
|
132 |
-
|
133 |
-
|
134 |
-
|
135 |
-
|
136 |
-
|
137 |
-
'token_str': 'carpenter'},
|
138 |
-
{'sequence': '[CLS] the man worked as a waiter. [SEP]',
|
139 |
-
'score': 0.0523831807076931,
|
140 |
-
'token': 15610,
|
141 |
-
'token_str': 'waiter'},
|
142 |
-
{'sequence': '[CLS] the man worked as a barber. [SEP]',
|
143 |
-
'score': 0.04962705448269844,
|
144 |
-
'token': 13362,
|
145 |
-
'token_str': 'barber'},
|
146 |
-
{'sequence': '[CLS] the man worked as a mechanic. [SEP]',
|
147 |
-
'score': 0.03788609802722931,
|
148 |
-
'token': 15893,
|
149 |
-
'token_str': 'mechanic'},
|
150 |
-
{'sequence': '[CLS] the man worked as a salesman. [SEP]',
|
151 |
-
'score': 0.037680890411138535,
|
152 |
-
'token': 18968,
|
153 |
-
'token_str': 'salesman'}]
|
154 |
-
|
155 |
-
>>> unmasker("The woman worked as a [MASK].")
|
156 |
-
|
157 |
-
[{'sequence': '[CLS] the woman worked as a nurse. [SEP]',
|
158 |
-
'score': 0.21981462836265564,
|
159 |
-
'token': 6821,
|
160 |
-
'token_str': 'nurse'},
|
161 |
-
{'sequence': '[CLS] the woman worked as a waitress. [SEP]',
|
162 |
-
'score': 0.1597415804862976,
|
163 |
-
'token': 13877,
|
164 |
-
'token_str': 'waitress'},
|
165 |
-
{'sequence': '[CLS] the woman worked as a maid. [SEP]',
|
166 |
-
'score': 0.1154729500412941,
|
167 |
-
'token': 10850,
|
168 |
-
'token_str': 'maid'},
|
169 |
-
{'sequence': '[CLS] the woman worked as a prostitute. [SEP]',
|
170 |
-
'score': 0.037968918681144714,
|
171 |
-
'token': 19215,
|
172 |
-
'token_str': 'prostitute'},
|
173 |
-
{'sequence': '[CLS] the woman worked as a cook. [SEP]',
|
174 |
-
'score': 0.03042375110089779,
|
175 |
-
'token': 5660,
|
176 |
-
'token_str': 'cook'}]
|
177 |
```
|
178 |
|
179 |
-
|
180 |
-
|
181 |
-
|
182 |
-
|
183 |
-
The BERT model was pretrained on [BookCorpus](https://yknzhu.wixsite.com/mbweb), a dataset consisting of 11,038
|
184 |
-
unpublished books and [English Wikipedia](https://en.wikipedia.org/wiki/English_Wikipedia) (excluding lists, tables and
|
185 |
-
headers).
|
186 |
-
|
187 |
-
## Training procedure
|
188 |
|
189 |
-
|
|
|
|
|
|
|
190 |
|
191 |
-
|
192 |
-
|
193 |
|
194 |
-
|
195 |
-
|
196 |
-
```
|
197 |
|
198 |
-
|
199 |
-
|
200 |
-
consecutive span of text usually longer than a single sentence. The only constrain is that the result with the two
|
201 |
-
"sentences" has a combined length of less than 512 tokens.
|
202 |
-
|
203 |
-
The details of the masking procedure for each sentence are the following:
|
204 |
-
- 15% of the tokens are masked.
|
205 |
-
- In 80% of the cases, the masked tokens are replaced by `[MASK]`.
|
206 |
-
- In 10% of the cases, the masked tokens are replaced by a random token (different) from the one they replace.
|
207 |
-
- In the 10% remaining cases, the masked tokens are left as is.
|
208 |
-
|
209 |
-
### Pretraining
|
210 |
-
|
211 |
-
The model was trained on 4 cloud TPUs in Pod configuration (16 TPU chips total) for one million steps with a batch size
|
212 |
-
of 256. The sequence length was limited to 128 tokens for 90% of the steps and 512 for the remaining 10%. The optimizer
|
213 |
-
used is Adam with a learning rate of 1e-4, \\(\beta_{1} = 0.9\\) and \\(\beta_{2} = 0.999\\), a weight decay of 0.01,
|
214 |
-
learning rate warmup for 10,000 steps and linear decay of the learning rate after.
|
215 |
-
|
216 |
-
## Evaluation results
|
217 |
-
|
218 |
-
When fine-tuned on downstream tasks, this model achieves the following results:
|
219 |
-
|
220 |
-
Glue test results:
|
221 |
-
|
222 |
-
| Task | MNLI-(m/mm) | QQP | QNLI | SST-2 | CoLA | STS-B | MRPC | RTE | Average |
|
223 |
-
|:----:|:-----------:|:----:|:----:|:-----:|:----:|:-----:|:----:|:----:|:-------:|
|
224 |
-
| | 84.6/83.4 | 71.2 | 90.5 | 93.5 | 52.1 | 85.8 | 88.9 | 66.4 | 79.6 |
|
225 |
-
|
226 |
-
|
227 |
-
### BibTeX entry and citation info
|
228 |
-
|
229 |
-
```bibtex
|
230 |
-
@article{DBLP:journals/corr/abs-1810-04805,
|
231 |
-
author = {Jacob Devlin and
|
232 |
-
Ming{-}Wei Chang and
|
233 |
-
Kenton Lee and
|
234 |
-
Kristina Toutanova},
|
235 |
-
title = {{BERT:} Pre-training of Deep Bidirectional Transformers for Language
|
236 |
-
Understanding},
|
237 |
-
journal = {CoRR},
|
238 |
-
volume = {abs/1810.04805},
|
239 |
-
year = {2018},
|
240 |
-
url = {http://arxiv.org/abs/1810.04805},
|
241 |
-
archivePrefix = {arXiv},
|
242 |
-
eprint = {1810.04805},
|
243 |
-
timestamp = {Tue, 30 Oct 2018 20:39:56 +0100},
|
244 |
-
biburl = {https://dblp.org/rec/journals/corr/abs-1810-04805.bib},
|
245 |
-
bibsource = {dblp computer science bibliography, https://dblp.org}
|
246 |
-
}
|
247 |
-
```
|
248 |
|
249 |
-
|
250 |
-
|
251 |
-
</a>
|
|
|
1 |
---
|
2 |
+
language:
|
3 |
+
- en
|
4 |
+
license: mit
|
5 |
tags:
|
6 |
+
- text-classification
|
7 |
+
- zero-shot-classification
|
8 |
datasets:
|
9 |
+
- multi_nli
|
10 |
+
- facebook/anli
|
11 |
+
- fever
|
12 |
+
- lingnli
|
13 |
+
- alisawuffles/WANLI
|
14 |
+
metrics:
|
15 |
+
- accuracy
|
16 |
+
pipeline_tag: zero-shot-classification
|
17 |
+
model-index:
|
18 |
+
- name: DeBERTa-v3-large-mnli-fever-anli-ling-wanli
|
19 |
+
results:
|
20 |
+
- task:
|
21 |
+
type: text-classification
|
22 |
+
name: Natural Language Inference
|
23 |
+
dataset:
|
24 |
+
name: MultiNLI-matched
|
25 |
+
type: multi_nli
|
26 |
+
split: validation_matched
|
27 |
+
metrics:
|
28 |
+
- type: accuracy
|
29 |
+
value: 0,912
|
30 |
+
verified: false
|
31 |
+
- task:
|
32 |
+
type: text-classification
|
33 |
+
name: Natural Language Inference
|
34 |
+
dataset:
|
35 |
+
name: MultiNLI-mismatched
|
36 |
+
type: multi_nli
|
37 |
+
split: validation_mismatched
|
38 |
+
metrics:
|
39 |
+
- type: accuracy
|
40 |
+
value: 0,908
|
41 |
+
verified: false
|
42 |
+
- task:
|
43 |
+
type: text-classification
|
44 |
+
name: Natural Language Inference
|
45 |
+
dataset:
|
46 |
+
name: ANLI-all
|
47 |
+
type: anli
|
48 |
+
split: test_r1+test_r2+test_r3
|
49 |
+
metrics:
|
50 |
+
- type: accuracy
|
51 |
+
value: 0,702
|
52 |
+
verified: false
|
53 |
+
- task:
|
54 |
+
type: text-classification
|
55 |
+
name: Natural Language Inference
|
56 |
+
dataset:
|
57 |
+
name: ANLI-r3
|
58 |
+
type: anli
|
59 |
+
split: test_r3
|
60 |
+
metrics:
|
61 |
+
- type: accuracy
|
62 |
+
value: 0,64
|
63 |
+
verified: false
|
64 |
+
- task:
|
65 |
+
type: text-classification
|
66 |
+
name: Natural Language Inference
|
67 |
+
dataset:
|
68 |
+
name: WANLI
|
69 |
+
type: alisawuffles/WANLI
|
70 |
+
split: test
|
71 |
+
metrics:
|
72 |
+
- type: accuracy
|
73 |
+
value: 0,77
|
74 |
+
verified: false
|
75 |
+
- task:
|
76 |
+
type: text-classification
|
77 |
+
name: Natural Language Inference
|
78 |
+
dataset:
|
79 |
+
name: LingNLI
|
80 |
+
type: lingnli
|
81 |
+
split: test
|
82 |
+
metrics:
|
83 |
+
- type: accuracy
|
84 |
+
value: 0,87
|
85 |
+
verified: false
|
86 |
---
|
87 |
|
88 |
+
# DeBERTa-v3-large-mnli-fever-anli-ling-wanli
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
89 |
## Model description
|
90 |
+
This model was fine-tuned on the [MultiNLI](https://huggingface.co/datasets/multi_nli), [Fever-NLI](https://github.com/easonnie/combine-FEVER-NSMN/blob/master/other_resources/nli_fever.md), Adversarial-NLI ([ANLI](https://huggingface.co/datasets/anli)), [LingNLI](https://arxiv.org/pdf/2104.07179.pdf) and [WANLI](https://huggingface.co/datasets/alisawuffles/WANLI) datasets, which comprise 885 242 NLI hypothesis-premise pairs. This model is the best performing NLI model on the Hugging Face Hub as of 06.06.22 and can be used for zero-shot classification. It significantly outperforms all other large models on the [ANLI benchmark](https://github.com/facebookresearch/anli).
|
91 |
|
92 |
+
The foundation model is [DeBERTa-v3-large from Microsoft](https://huggingface.co/microsoft/deberta-v3-large). DeBERTa-v3 combines several recent innovations compared to classical Masked Language Models like BERT, RoBERTa etc., see the [paper](https://arxiv.org/abs/2111.09543)
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
93 |
|
|
|
94 |
|
95 |
+
### How to use the model
|
96 |
+
#### Simple zero-shot classification pipeline
|
97 |
```python
|
98 |
+
from transformers import pipeline
|
99 |
+
classifier = pipeline("zero-shot-classification", model="MoritzLaurer/DeBERTa-v3-large-mnli-fever-anli-ling-wanli")
|
100 |
+
sequence_to_classify = "Angela Merkel is a politician in Germany and leader of the CDU"
|
101 |
+
candidate_labels = ["politics", "economy", "entertainment", "environment"]
|
102 |
+
output = classifier(sequence_to_classify, candidate_labels, multi_label=False)
|
103 |
+
print(output)
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
104 |
```
|
105 |
+
#### NLI use-case
|
|
|
|
|
106 |
```python
|
107 |
+
from transformers import AutoTokenizer, AutoModelForSequenceClassification
|
108 |
+
import torch
|
109 |
+
device = torch.device("cuda") if torch.cuda.is_available() else torch.device("cpu")
|
110 |
+
|
111 |
+
model_name = "MoritzLaurer/DeBERTa-v3-large-mnli-fever-anli-ling-wanli"
|
112 |
+
tokenizer = AutoTokenizer.from_pretrained(model_name)
|
113 |
+
model = AutoModelForSequenceClassification.from_pretrained(model_name)
|
114 |
+
|
115 |
+
premise = "I first thought that I liked the movie, but upon second thought it was actually disappointing."
|
116 |
+
hypothesis = "The movie was not good."
|
117 |
+
|
118 |
+
input = tokenizer(premise, hypothesis, truncation=True, return_tensors="pt")
|
119 |
+
output = model(input["input_ids"].to(device)) # device = "cuda:0" or "cpu"
|
120 |
+
prediction = torch.softmax(output["logits"][0], -1).tolist()
|
121 |
+
label_names = ["entailment", "neutral", "contradiction"]
|
122 |
+
prediction = {name: round(float(pred) * 100, 1) for pred, name in zip(prediction, label_names)}
|
123 |
+
print(prediction)
|
124 |
```
|
125 |
|
126 |
+
### Training data
|
127 |
+
DeBERTa-v3-large-mnli-fever-anli-ling-wanli was trained on the [MultiNLI](https://huggingface.co/datasets/multi_nli), [Fever-NLI](https://github.com/easonnie/combine-FEVER-NSMN/blob/master/other_resources/nli_fever.md), Adversarial-NLI ([ANLI](https://huggingface.co/datasets/anli)), [LingNLI](https://arxiv.org/pdf/2104.07179.pdf) and [WANLI](https://huggingface.co/datasets/alisawuffles/WANLI) datasets, which comprise 885 242 NLI hypothesis-premise pairs. Note that [SNLI](https://huggingface.co/datasets/snli) was explicitly excluded due to quality issues with the dataset. More data does not necessarily make for better NLI models.
|
128 |
|
129 |
+
### Training procedure
|
130 |
+
DeBERTa-v3-large-mnli-fever-anli-ling-wanli was trained using the Hugging Face trainer with the following hyperparameters. Note that longer training with more epochs hurt performance in my tests (overfitting).
|
|
|
|
|
|
|
|
|
|
|
|
|
131 |
|
|
|
132 |
|
133 |
+
```
|
134 |
+
training_args = TrainingArguments(
|
135 |
+
num_train_epochs=4, # total number of training epochs
|
136 |
+
learning_rate=5e-06,
|
137 |
+
per_device_train_batch_size=16, # batch size per device during training
|
138 |
+
gradient_accumulation_steps=2, # doubles the effective batch_size to 32, while decreasing memory requirements
|
139 |
+
per_device_eval_batch_size=64, # batch size for evaluation
|
140 |
+
warmup_ratio=0.06, # number of warmup steps for learning rate scheduler
|
141 |
+
weight_decay=0.01, # strength of weight decay
|
142 |
+
fp16=True # mixed precision training
|
143 |
+
)
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
144 |
```
|
145 |
|
146 |
+
### Eval results
|
147 |
+
The model was evaluated using the test sets for MultiNLI, ANLI, LingNLI, WANLI and the dev set for Fever-NLI. The metric used is accuracy.
|
148 |
+
The model achieves state-of-the-art performance on each dataset. Surprisingly, it outperforms the previous [state-of-the-art on ANLI](https://github.com/facebookresearch/anli) (ALBERT-XXL) by 8,3%. I assume that this is because ANLI was created to fool masked language models like RoBERTa (or ALBERT), while DeBERTa-v3 uses a better pre-training objective (RTD), disentangled attention and I fine-tuned it on higher quality NLI data.
|
|
|
|
|
|
|
|
|
|
|
|
|
149 |
|
150 |
+
|Datasets|mnli_test_m|mnli_test_mm|anli_test|anli_test_r3|ling_test|wanli_test|
|
151 |
+
| :---: | :---: | :---: | :---: | :---: | :---: | :---: |
|
152 |
+
|Accuracy|0.912|0.908|0.702|0.64|0.87|0.77|
|
153 |
+
|Speed (text/sec, A100 GPU)|696.0|697.0|488.0|425.0|828.0|980.0|
|
154 |
|
155 |
+
## Limitations and bias
|
156 |
+
Please consult the original DeBERTa-v3 paper and literature on different NLI datasets for more information on the training data and potential biases. The model will reproduce statistical patterns in the training data.
|
157 |
|
158 |
+
## Citation
|
159 |
+
If you use this model, please cite: Laurer, Moritz, Wouter van Atteveldt, Andreu Salleras Casas, and Kasper Welbers. 2022. ‘Less Annotating, More Classifying – Addressing the Data Scarcity Issue of Supervised Machine Learning with Deep Transfer Learning and BERT - NLI’. Preprint, June. Open Science Framework. https://osf.io/74b8k.
|
|
|
160 |
|
161 |
+
### Ideas for cooperation or questions?
|
162 |
+
If you have questions or ideas for cooperation, contact me at m{dot}laurer{at}vu{dot}nl or [LinkedIn](https://www.linkedin.com/in/moritz-laurer/)
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
163 |
|
164 |
+
### Debugging and issues
|
165 |
+
Note that DeBERTa-v3 was released on 06.12.21 and older versions of HF Transformers seem to have issues running the model (e.g. resulting in an issue with the tokenizer). Using Transformers>=4.13 might solve some issues.
|
|