mjwong commited on
Commit
98cdd85
1 Parent(s): 1061f99

Update README.md

Browse files
Files changed (1) hide show
  1. README.md +126 -0
README.md CHANGED
@@ -1,3 +1,129 @@
1
  ---
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
2
  license: mit
 
 
 
3
  ---
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
  ---
2
+ datasets:
3
+ - xnli
4
+ - anli
5
+ model-index:
6
+ - name: multilingual-e5-large-xnli-anli
7
+ results: []
8
+ pipeline_tag: zero-shot-classification
9
+ language:
10
+ - multilingual
11
+ - en
12
+ - ar
13
+ - bg
14
+ - de
15
+ - el
16
+ - es
17
+ - fr
18
+ - hi
19
+ - ru
20
+ - sw
21
+ - th
22
+ - tr
23
+ - ur
24
+ - vi
25
+ - zh
26
  license: mit
27
+ widget:
28
+ - text: "Angela Merkel ist eine Politikerin in Deutschland und Vorsitzende der CDU"
29
+ candidate_labels: "politics, economy, entertainment, environment"
30
  ---
31
+
32
+ # multilingual-e5-large-xnli-anli
33
+
34
+ This model is a fine-tuned version of [intfloat/multilingual-e5-large](https://huggingface.co/intfloat/multilingual-e5-large) on the XNLI and ANLI dataset.
35
+
36
+ ## Model description
37
+
38
+ [Text Embeddings by Weakly-Supervised Contrastive Pre-training](https://arxiv.org/pdf/2212.03533.pdf).
39
+ Liang Wang, Nan Yang, Xiaolong Huang, Binxing Jiao, Linjun Yang, Daxin Jiang, Rangan Majumder, Furu Wei, arXiv 2022
40
+
41
+ ## How to use the model
42
+
43
+ ### With the zero-shot classification pipeline
44
+
45
+ The model can be loaded with the `zero-shot-classification` pipeline like so:
46
+
47
+ ```python
48
+ from transformers import pipeline
49
+ classifier = pipeline("zero-shot-classification",
50
+ model="mjwong/multilingual-e5-large-xnli-anli")
51
+ ```
52
+
53
+ You can then use this pipeline to classify sequences into any of the class names you specify.
54
+
55
+ ```python
56
+ sequence_to_classify = "Angela Merkel ist eine Politikerin in Deutschland und Vorsitzende der CDU"
57
+ candidate_labels = ["politics", "economy", "entertainment", "environment"]
58
+ classifier(sequence_to_classify, candidate_labels)
59
+ ```
60
+
61
+ If more than one candidate label can be correct, pass `multi_class=True` to calculate each class independently:
62
+
63
+ ```python
64
+ candidate_labels = ["politics", "economy", "entertainment", "environment"]
65
+ classifier(sequence_to_classify, candidate_labels, multi_label=True)
66
+ ```
67
+
68
+ ### With manual PyTorch
69
+
70
+ The model can also be applied on NLI tasks like so:
71
+
72
+ ```python
73
+ import torch
74
+ from transformers import AutoTokenizer, AutoModelForSequenceClassification
75
+
76
+ # device = "cuda:0" or "cpu"
77
+ device = torch.device("cuda") if torch.cuda.is_available() else torch.device("cpu")
78
+
79
+ model_name = "mjwong/multilingual-e5-large-xnli-anli"
80
+ tokenizer = AutoTokenizer.from_pretrained(model_name)
81
+ model = AutoModelForSequenceClassification.from_pretrained(model_name)
82
+
83
+ premise = "But I thought you'd sworn off coffee."
84
+ hypothesis = "I thought that you vowed to drink more coffee."
85
+
86
+ input = tokenizer(premise, hypothesis, truncation=True, return_tensors="pt")
87
+ output = model(input["input_ids"].to(device))
88
+ prediction = torch.softmax(output["logits"][0], -1).tolist()
89
+ label_names = ["entailment", "neutral", "contradiction"]
90
+ prediction = {name: round(float(pred) * 100, 2) for pred, name in zip(prediction, label_names)}
91
+ print(prediction)
92
+ ```
93
+
94
+ ### Eval results
95
+ The model was evaluated using the XNLI test sets on 15 languages: English (en), Arabic (ar), Bulgarian (bg), German (de), Greek (el), Spanish (es), French (fr), Hindi (hi), Russian (ru), Swahili (sw), Thai (th), Turkish (tr), Urdu (ur), Vietnam (vi) and Chinese (zh). The metric used is accuracy.
96
+
97
+ |Datasets|en|ar|bg|de|el|es|fr|hi|ru|sw|th|tr|ur|vi|zh|
98
+ | :---: | :---: | :---: | :---: | :---: | :---: | :---: | :---: | :---: | :---: | :---: | :---: | :---: | :---: | :---: | :---: |
99
+ |[multilingual-e5-base-xnli](https://huggingface.co/mjwong/multilingual-e5-base-xnli)|0.849|0.768|0.803|0.800|0.792|0.809|0.805|0.738|0.782|0.728|0.756|0.766|0.713|0.787|0.785|
100
+ |[multilingual-e5-base-xnli-anli](https://huggingface.co/mjwong/multilingual-e5-base-xnli-anli)|0.811|0.711|0.751|0.759|0.746|0.778|0.765|0.685|0.728|0.662|0.705|0.716|0.683|0.736|0.740|
101
+ |[multilingual-e5-large-xnli](https://huggingface.co/mjwong/multilingual-e5-large-xnli)|0.867|0.791|0.832|0.825|0.823|0.837|0.824|0.778|0.806|0.749|0.787|0.793|0.738|0.813|0.808|
102
+ |[multilingual-e5-large-xnli-anli](https://huggingface.co/mjwong/multilingual-e5-large-xnli-anli)|0.865|0.765|0.811|0.811|0.795|0.823|0.816|0.743|0.785|0.713|0.765|0.774|0.706|0.788|0.787|
103
+
104
+ The model was also evaluated using the dev sets for MultiNLI and test sets for ANLI. The metric used is accuracy.
105
+
106
+ |Datasets|mnli_dev_m|mnli_dev_mm|anli_test_r1|anli_test_r2|anli_test_r3|
107
+ | :---: | :---: | :---: | :---: | :---: | :---: |
108
+ |[multilingual-e5-base-xnli](https://huggingface.co/mjwong/multilingual-e5-base-xnli)|0.835|0.837|0.287|0.276|0.301|
109
+ |[multilingual-e5-base-xnli-anli](https://huggingface.co/mjwong/multilingual-e5-base-xnli-anli)|0.814|0.811|0.588|0.437|0.439|
110
+ |[multilingual-e5-large-xnli](https://huggingface.co/mjwong/multilingual-e5-large-xnli)|0.865|0.865|0.312|0.316|0.300|
111
+ |[multilingual-e5-large-xnli-anli](https://huggingface.co/mjwong/multilingual-e5-large-xnli-anli)|0.863|0.863|0.623|0.456|0.455|
112
+
113
+ ### Training hyperparameters
114
+
115
+ The following hyperparameters were used during training:
116
+
117
+ - learning_rate: 2e-05
118
+ - train_batch_size: 16
119
+ - eval_batch_size: 16
120
+ - seed: 42
121
+ - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
122
+ - lr_scheduler_type: linear
123
+ - lr_scheduler_warmup_ratio: 0.1
124
+
125
+ ### Framework versions
126
+ - Transformers 4.28.1
127
+ - Pytorch 1.12.1+cu116
128
+ - Datasets 2.11.0
129
+ - Tokenizers 0.12.1