1 Star 0 Fork 0

modelee / mDeBERTa-v3-base-xnli-multilingual-nli-2mil7

加入 Gitee
与超过 1200万 开发者一起发现、参与优秀开源项目,私有仓库也完全免费 :)
免费加入
克隆/下载
贡献代码
同步代码
取消
提示: 由于 Git 不支持空文件夾,创建文件夹后会生成空的 .keep 文件
Loading...
README
MIT
language license tags datasets metrics pipeline_tag widget model-index
multilingual
zh
ja
ar
ko
de
fr
es
pt
hi
id
it
tr
ru
bn
ur
mr
ta
vi
fa
pl
uk
nl
sv
he
sw
ps
mit
zero-shot-classification
text-classification
nli
pytorch
MoritzLaurer/multilingual-NLI-26lang-2mil7
xnli
multi_nli
facebook/anli
fever
lingnli
alisawuffles/WANLI
accuracy
zero-shot-classification
text candidate_labels
Angela Merkel ist eine Politikerin in Deutschland und Vorsitzende der CDU
politics, economy, entertainment, environment
name results
DeBERTa-v3-base-xnli-multilingual-nli-2mil7
task dataset metrics
type name
text-classification
Natural Language Inference
name type split
MultiNLI-matched
multi_nli
validation_matched
type value verified
accuracy
0,857
false
task dataset metrics
type name
text-classification
Natural Language Inference
name type split
MultiNLI-mismatched
multi_nli
validation_mismatched
type value verified
accuracy
0,856
false
task dataset metrics
type name
text-classification
Natural Language Inference
name type split
ANLI-all
anli
test_r1+test_r2+test_r3
type value verified
accuracy
351
false
task dataset metrics
type name
text-classification
Natural Language Inference
name type split
ANLI-r3
anli
test_r3
type value verified
accuracy
0,497
false
task dataset metrics
type name
text-classification
Natural Language Inference
name type split
WANLI
alisawuffles/WANLI
test
type value verified
accuracy
474
false
task dataset metrics
type name
text-classification
Natural Language Inference
name type split
LingNLI
lingnli
test
type value verified
accuracy
0,788
false
task dataset metrics
type name
text-classification
Natural Language Inference
name type split
fever-nli
fever-nli
test
type value verified
accuracy
497
false

Model card for mDeBERTa-v3-base-xnli-multilingual-nli-2mil7

Model description

This multilingual model can perform natural language inference (NLI) on 100 languages and is therefore also suitable for multilingual zero-shot classification. The underlying mDeBERTa-v3-base model was pre-trained by Microsoft on the CC100 multilingual dataset with 100 languages. The model was then fine-tuned on the XNLI dataset and on the multilingual-NLI-26lang-2mil7 dataset. Both datasets contain more than 2.7 million hypothesis-premise pairs in 27 languages spoken by more than 4 billion people.

As of December 2021, mDeBERTa-v3-base is the best performing multilingual base-sized transformer model introduced by Microsoft in this paper.

How to use the model

Simple zero-shot classification pipeline

from transformers import pipeline
classifier = pipeline("zero-shot-classification", model="MoritzLaurer/mDeBERTa-v3-base-mnli-xnli")
sequence_to_classify = "Angela Merkel ist eine Politikerin in Deutschland und Vorsitzende der CDU"
candidate_labels = ["politics", "economy", "entertainment", "environment"]
output = classifier(sequence_to_classify, candidate_labels, multi_label=False)
print(output)

NLI use-case

from transformers import AutoTokenizer, AutoModelForSequenceClassification
import torch
device = torch.device("cuda") if torch.cuda.is_available() else torch.device("cpu")

model_name = "MoritzLaurer/mDeBERTa-v3-base-xnli-multilingual-nli-2mil7"
tokenizer = AutoTokenizer.from_pretrained(model_name)
model = AutoModelForSequenceClassification.from_pretrained(model_name)

premise = "Angela Merkel ist eine Politikerin in Deutschland und Vorsitzende der CDU"
hypothesis = "Emmanuel Macron is the President of France"

input = tokenizer(premise, hypothesis, truncation=True, return_tensors="pt")
output = model(input["input_ids"].to(device))  # device = "cuda:0" or "cpu"
prediction = torch.softmax(output["logits"][0], -1).tolist()
label_names = ["entailment", "neutral", "contradiction"]
prediction = {name: round(float(pred) * 100, 1) for pred, name in zip(prediction, label_names)}
print(prediction)

Training data

This model was trained on the multilingual-nli-26lang-2mil7 dataset and the XNLI validation dataset.

The multilingual-nli-26lang-2mil7 dataset contains 2 730 000 NLI hypothesis-premise pairs in 26 languages spoken by more than 4 billion people. The dataset contains 105 000 text pairs per language. It is based on the English datasets MultiNLI, Fever-NLI, ANLI, LingNLI and WANLI and was created using the latest open-source machine translation models. The languages in the dataset are: ['ar', 'bn', 'de', 'es', 'fa', 'fr', 'he', 'hi', 'id', 'it', 'ja', 'ko', 'mr', 'nl', 'pl', 'ps', 'pt', 'ru', 'sv', 'sw', 'ta', 'tr', 'uk', 'ur', 'vi', 'zh'] (see ISO language codes. For more details, see the datasheet. In addition, a sample of 105 000 text pairs was also added for English following the same sampling method as the other languages, leading to 27 languages.

Moreover, for each language a random set of 10% of the hypothesis-premise pairs was added where an English hypothesis was paired with the premise in the other language (and the same for English premises and other language hypotheses). This mix of languages in the text pairs should enable users to formulate a hypothesis in English for a target text in another language.

The XNLI validation set consists of 2490 professionally translated texts from English to 14 other languages (37350 texts in total) (see this paper). Note that XNLI also contains a training set of 14 machine translated versions of the MultiNLI dataset for 14 languages, but this data was excluded due to quality issues with the machine translations from 2018.

Note that for evaluation purposes, three languages were excluded from the XNLI training data and only included in the test data: ["bg","el","th"]. This was done in order to test the performance of the model on languages it has not seen during NLI fine-tuning on 27 languages, but only during pre-training on 100 languages - see evaluation metrics below.

The total training dataset had a size of 3 287 280 hypothesis-premise pairs.

Training procedure

mDeBERTa-v3-base-mnli-xnli was trained using the Hugging Face trainer with the following hyperparameters.

training_args = TrainingArguments(
    num_train_epochs=3,              # total number of training epochs
    learning_rate=2e-05,
    per_device_train_batch_size=32,   # batch size per device during training
    gradient_accumulation_steps=2,   # to double the effective batch size for 
    warmup_ratio=0.06,                # number of warmup steps for learning rate scheduler
    weight_decay=0.01,               # strength of weight decay
    fp16=False
)

Eval results

The model was evaluated on the XNLI test set in 15 languages (5010 texts per language, 75150 in total) and the English test sets of MultiNLI, Fever-NLI, ANLI, LingNLI and WANLI . Note that multilingual NLI models are capable of classifying NLI texts without receiving NLI training data in the specific language (cross-lingual transfer). This means that the model is also able to do NLI on the other 73 languages mDeBERTa was pre-trained on, but performance is most likely lower than for those languages seen during NLI fine-tuning. The performance on the languages ["bg","el","th"] in the table below is a good indicated of this cross-lingual transfer, as these languages were not included in the training data.

XNLI subsets ar bg de el en es fr hi ru sw th tr ur vi zh
Accuracy 0.794 0.822 0.824 0.809 0.871 0.832 0.823 0.769 0.803 0.746 0.786 0.792 0.744 0.793 0.803
Speed (text/sec, A100-GPU) 1344.0 1355.0 1472.0 1149.0 1697.0 1446.0 1278.0 1115.0 1380.0 1463.0 1713.0 1594.0 1189.0 877.0 1887.0
English Datasets mnli_test_m mnli_test_mm anli_test anli_test_r3 fever_test ling_test wanli_test
Accuracy 0.857 0.856 0.537 0.497 0.761 0.788 0.732
Speed (text/sec, A100-GPU) 1000.0 1009.0 794.0 672.0 374.0 1177.0 1468.0

Also note that if other multilingual models on the model hub claim performance of around 90% on languages other than English, the authors have most likely made a mistake during testing since non of the latest papers shows a multilingual average performance of more than a few points above 80% on XNLI (see here or here).

Limitations and bias

Please consult the original DeBERTa-V3 paper and literature on different NLI datasets for potential biases. Moreover, note that the multilingual-nli-26lang-2mil7 dataset was created using machine translation, which reduces the quality of the data for a complex task like NLI. You can inspect the data via the Hugging Face dataset viewer for languages you are interested in. Note that grammatical errors introduced by machine translation are less of an issue for zero-shot classification, for which grammar is less important.

Citation

If the dataset is useful for you, please cite the following article:

@article{laurer_less_2022,
	title = {Less {Annotating}, {More} {Classifying} – {Addressing} the {Data} {Scarcity} {Issue} of {Supervised} {Machine} {Learning} with {Deep} {Transfer} {Learning} and {BERT} - {NLI}},
	url = {https://osf.io/74b8k},
	language = {en-us},
	urldate = {2022-07-28},
	journal = {Preprint},
	author = {Laurer, Moritz and Atteveldt, Wouter van and Casas, Andreu Salleras and Welbers, Kasper},
	month = jun,
	year = {2022},
	note = {Publisher: Open Science Framework},
}

Ideas for cooperation or questions?

For updates on new models and datasets, follow me on Twitter. If you have questions or ideas for cooperation, contact me at m{dot}laurer{at}vu{dot}nl or on LinkedIn

Debugging and issues

Note that DeBERTa-v3 was released in late 2021 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 or higher might solve some issues. Note that mDeBERTa currently does not support FP16, see here: https://github.com/microsoft/DeBERTa/issues/77

MIT License Permission is hereby granted, free of charge, to any person obtaining a copy of this software and associated documentation files (the "Software"), to deal in the Software without restriction, including without limitation the rights to use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies of the Software, and to permit persons to whom the Software is furnished to do so, subject to the following conditions: The above copyright notice and this permission notice shall be included in all copies or substantial portions of the Software. THE SOFTWARE IS PROVIDED *AS IS*, WITHOUT WARRANTY OF ANY KIND, EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE.

简介

暂无描述 展开 收起
MIT
取消

发行版

暂无发行版

贡献者

全部

近期动态

加载更多
不能加载更多了
1
https://gitee.com/modelee/mDeBERTa-v3-base-xnli-multilingual-nli-2mil7.git
git@gitee.com:modelee/mDeBERTa-v3-base-xnli-multilingual-nli-2mil7.git
modelee
mDeBERTa-v3-base-xnli-multilingual-nli-2mil7
mDeBERTa-v3-base-xnli-multilingual-nli-2mil7
main

搜索帮助