omymble commited on
Commit
f6273d2
1 Parent(s): 9a2b138

Add SetFit ABSA model

Browse files
1_Pooling/config.json ADDED
@@ -0,0 +1,10 @@
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "word_embedding_dimension": 384,
3
+ "pooling_mode_cls_token": true,
4
+ "pooling_mode_mean_tokens": false,
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,204 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ base_model: BAAI/bge-small-en-v1.5
3
+ library_name: setfit
4
+ metrics:
5
+ - accuracy
6
+ pipeline_tag: text-classification
7
+ tags:
8
+ - setfit
9
+ - absa
10
+ - sentence-transformers
11
+ - text-classification
12
+ - generated_from_setfit_trainer
13
+ widget:
14
+ - text: have a good meal at a fair:Tuk Tuk is one of those comfortable neighborhood
15
+ joints where you know you will always have a good meal at a fair price.
16
+ - text: good selection of wines ranging from affordable:good selection of wines ranging
17
+ from affordable to high end.
18
+ - text: relax and the food is one of:Its an excellent place to relax and the food
19
+ is one of the best in the city of New York.
20
+ - text: awful - the sugar was charred,:Food was average and creme brulee was awful
21
+ - the sugar was charred, not caramelized and smelled of kerosene.
22
+ - text: service is friendly,:service is friendly, and never had a problem walking
23
+ in and getting a table.
24
+ inference: false
25
+ ---
26
+
27
+ # SetFit Polarity Model with BAAI/bge-small-en-v1.5
28
+
29
+ This is a [SetFit](https://github.com/huggingface/setfit) model that can be used for Aspect Based Sentiment Analysis (ABSA). This SetFit model uses [BAAI/bge-small-en-v1.5](https://huggingface.co/BAAI/bge-small-en-v1.5) 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.
30
+
31
+ The model has been trained using an efficient few-shot learning technique that involves:
32
+
33
+ 1. Fine-tuning a [Sentence Transformer](https://www.sbert.net) with contrastive learning.
34
+ 2. Training a classification head with features from the fine-tuned Sentence Transformer.
35
+
36
+ This model was trained within the context of a larger system for ABSA, which looks like so:
37
+
38
+ 1. Use a spaCy model to select possible aspect span candidates.
39
+ 2. Use a SetFit model to filter these possible aspect span candidates.
40
+ 3. **Use this SetFit model to classify the filtered aspect span candidates.**
41
+
42
+ ## Model Details
43
+
44
+ ### Model Description
45
+ - **Model Type:** SetFit
46
+ - **Sentence Transformer body:** [BAAI/bge-small-en-v1.5](https://huggingface.co/BAAI/bge-small-en-v1.5)
47
+ - **Classification head:** a [LogisticRegression](https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.LogisticRegression.html) instance
48
+ - **spaCy Model:** en_core_web_lg
49
+ - **SetFitABSA Aspect Model:** [omymble/5-train-eval-bge-small-aspect](https://huggingface.co/omymble/5-train-eval-bge-small-aspect)
50
+ - **SetFitABSA Polarity Model:** [omymble/5-train-eval-bge-small-polarity](https://huggingface.co/omymble/5-train-eval-bge-small-polarity)
51
+ - **Maximum Sequence Length:** 512 tokens
52
+ - **Number of Classes:** 4 classes
53
+ <!-- - **Training Dataset:** [Unknown](https://huggingface.co/datasets/unknown) -->
54
+ <!-- - **Language:** Unknown -->
55
+ <!-- - **License:** Unknown -->
56
+
57
+ ### Model Sources
58
+
59
+ - **Repository:** [SetFit on GitHub](https://github.com/huggingface/setfit)
60
+ - **Paper:** [Efficient Few-Shot Learning Without Prompts](https://arxiv.org/abs/2209.11055)
61
+ - **Blogpost:** [SetFit: Efficient Few-Shot Learning Without Prompts](https://huggingface.co/blog/setfit)
62
+
63
+ ### Model Labels
64
+ | Label | Examples |
65
+ |:---------|:-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
66
+ | negative | <ul><li>'But the staff was so horrible:But the staff was so horrible to us.'</li><li>', forgot our toast, left out:They did not have mayonnaise, forgot our toast, left out ingredients (ie cheese in an omelet), below hot temperatures and the bacon was so over cooked it crumbled on the plate when you touched it.'</li><li>'did not have mayonnaise, forgot our:They did not have mayonnaise, forgot our toast, left out ingredients (ie cheese in an omelet), below hot temperatures and the bacon was so over cooked it crumbled on the plate when you touched it.'</li></ul> |
67
+ | positive | <ul><li>"factor was the food, which was:To be completely fair, the only redeeming factor was the food, which was above average, but couldn't make up for all the other deficiencies of Teodora."</li><li>"The food is uniformly exceptional:The food is uniformly exceptional, with a very capable kitchen which will proudly whip up whatever you feel like eating, whether it's on the menu or not."</li><li>"a very capable kitchen which will proudly:The food is uniformly exceptional, with a very capable kitchen which will proudly whip up whatever you feel like eating, whether it's on the menu or not."</li></ul> |
68
+ | neutral | <ul><li>"'s on the menu or not.:The food is uniformly exceptional, with a very capable kitchen which will proudly whip up whatever you feel like eating, whether it's on the menu or not."</li><li>'to sample both meats).:Our agreed favorite is the orrechiete with sausage and chicken (usually the waiters are kind enough to split the dish in half so you get to sample both meats).'</li><li>'to split the dish in half so:Our agreed favorite is the orrechiete with sausage and chicken (usually the waiters are kind enough to split the dish in half so you get to sample both meats).'</li></ul> |
69
+ | conflict | <ul><li>'The food was delicious but:The food was delicious but do not come here on a empty stomach.'</li><li>"The service varys from day:The service varys from day to day- sometimes they're very nice, and sometimes not."</li></ul> |
70
+
71
+ ## Uses
72
+
73
+ ### Direct Use for Inference
74
+
75
+ First install the SetFit library:
76
+
77
+ ```bash
78
+ pip install setfit
79
+ ```
80
+
81
+ Then you can load this model and run inference.
82
+
83
+ ```python
84
+ from setfit import AbsaModel
85
+
86
+ # Download from the 🤗 Hub
87
+ model = AbsaModel.from_pretrained(
88
+ "omymble/5-train-eval-bge-small-aspect",
89
+ "omymble/5-train-eval-bge-small-polarity",
90
+ )
91
+ # Run inference
92
+ preds = model("The food was great, but the venue is just way too busy.")
93
+ ```
94
+
95
+ <!--
96
+ ### Downstream Use
97
+
98
+ *List how someone could finetune this model on their own dataset.*
99
+ -->
100
+
101
+ <!--
102
+ ### Out-of-Scope Use
103
+
104
+ *List how the model may foreseeably be misused and address what users ought not to do with the model.*
105
+ -->
106
+
107
+ <!--
108
+ ## Bias, Risks and Limitations
109
+
110
+ *What are the known or foreseeable issues stemming from this model? You could also flag here known failure cases or weaknesses of the model.*
111
+ -->
112
+
113
+ <!--
114
+ ### Recommendations
115
+
116
+ *What are recommendations with respect to the foreseeable issues? For example, filtering explicit content.*
117
+ -->
118
+
119
+ ## Training Details
120
+
121
+ ### Training Set Metrics
122
+ | Training set | Min | Median | Max |
123
+ |:-------------|:----|:--------|:----|
124
+ | Word count | 6 | 21.3594 | 43 |
125
+
126
+ | Label | Training Sample Count |
127
+ |:---------|:----------------------|
128
+ | conflict | 2 |
129
+ | negative | 19 |
130
+ | neutral | 25 |
131
+ | positive | 82 |
132
+
133
+ ### Training Hyperparameters
134
+ - batch_size: (128, 128)
135
+ - num_epochs: (5, 5)
136
+ - max_steps: -1
137
+ - sampling_strategy: oversampling
138
+ - body_learning_rate: (2e-05, 1e-05)
139
+ - head_learning_rate: 0.01
140
+ - loss: CosineSimilarityLoss
141
+ - distance_metric: cosine_distance
142
+ - margin: 0.25
143
+ - end_to_end: False
144
+ - use_amp: True
145
+ - warmup_proportion: 0.1
146
+ - seed: 42
147
+ - eval_max_steps: -1
148
+ - load_best_model_at_end: True
149
+
150
+ ### Training Results
151
+ | Epoch | Step | Training Loss | Validation Loss |
152
+ |:----------:|:------:|:-------------:|:---------------:|
153
+ | 0.0147 | 1 | 0.2351 | - |
154
+ | **0.7353** | **50** | **0.0871** | **0.1851** |
155
+ | 1.4706 | 100 | 0.012 | 0.219 |
156
+ | 2.2059 | 150 | 0.0039 | 0.2266 |
157
+ | 2.9412 | 200 | 0.0024 | 0.24 |
158
+ | 3.6765 | 250 | 0.0023 | 0.248 |
159
+ | 4.4118 | 300 | 0.0037 | 0.2466 |
160
+
161
+ * The bold row denotes the saved checkpoint.
162
+ ### Framework Versions
163
+ - Python: 3.10.12
164
+ - SetFit: 1.0.3
165
+ - Sentence Transformers: 3.0.1
166
+ - spaCy: 3.7.4
167
+ - Transformers: 4.39.0
168
+ - PyTorch: 2.3.1+cu121
169
+ - Datasets: 2.20.0
170
+ - Tokenizers: 0.15.2
171
+
172
+ ## Citation
173
+
174
+ ### BibTeX
175
+ ```bibtex
176
+ @article{https://doi.org/10.48550/arxiv.2209.11055,
177
+ doi = {10.48550/ARXIV.2209.11055},
178
+ url = {https://arxiv.org/abs/2209.11055},
179
+ author = {Tunstall, Lewis and Reimers, Nils and Jo, Unso Eun Seo and Bates, Luke and Korat, Daniel and Wasserblat, Moshe and Pereg, Oren},
180
+ keywords = {Computation and Language (cs.CL), FOS: Computer and information sciences, FOS: Computer and information sciences},
181
+ title = {Efficient Few-Shot Learning Without Prompts},
182
+ publisher = {arXiv},
183
+ year = {2022},
184
+ copyright = {Creative Commons Attribution 4.0 International}
185
+ }
186
+ ```
187
+
188
+ <!--
189
+ ## Glossary
190
+
191
+ *Clearly define terms in order to be accessible across audiences.*
192
+ -->
193
+
194
+ <!--
195
+ ## Model Card Authors
196
+
197
+ *Lists the people who create the model card, providing recognition and accountability for the detailed work that goes into its construction.*
198
+ -->
199
+
200
+ <!--
201
+ ## Model Card Contact
202
+
203
+ *Provides a way for people who have updates to the Model Card, suggestions, or questions, to contact the Model Card authors.*
204
+ -->
config.json ADDED
@@ -0,0 +1,31 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_name_or_path": "models/step_50",
3
+ "architectures": [
4
+ "BertModel"
5
+ ],
6
+ "attention_probs_dropout_prob": 0.1,
7
+ "classifier_dropout": null,
8
+ "hidden_act": "gelu",
9
+ "hidden_dropout_prob": 0.1,
10
+ "hidden_size": 384,
11
+ "id2label": {
12
+ "0": "LABEL_0"
13
+ },
14
+ "initializer_range": 0.02,
15
+ "intermediate_size": 1536,
16
+ "label2id": {
17
+ "LABEL_0": 0
18
+ },
19
+ "layer_norm_eps": 1e-12,
20
+ "max_position_embeddings": 512,
21
+ "model_type": "bert",
22
+ "num_attention_heads": 12,
23
+ "num_hidden_layers": 12,
24
+ "pad_token_id": 0,
25
+ "position_embedding_type": "absolute",
26
+ "torch_dtype": "float32",
27
+ "transformers_version": "4.39.0",
28
+ "type_vocab_size": 2,
29
+ "use_cache": true,
30
+ "vocab_size": 30522
31
+ }
config_sentence_transformers.json ADDED
@@ -0,0 +1,10 @@
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "__version__": {
3
+ "sentence_transformers": "3.0.1",
4
+ "transformers": "4.39.0",
5
+ "pytorch": "2.3.1+cu121"
6
+ },
7
+ "prompts": {},
8
+ "default_prompt_name": null,
9
+ "similarity_fn_name": null
10
+ }
config_setfit.json ADDED
@@ -0,0 +1,11 @@
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "labels": [
3
+ "conflict",
4
+ "negative",
5
+ "neutral",
6
+ "positive"
7
+ ],
8
+ "normalize_embeddings": false,
9
+ "spacy_model": "en_core_web_lg",
10
+ "span_context": 3
11
+ }
model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:7265397ea1c8ee645c83ef89e57b56363c9f482bb8c39204be51204ee0e41ec2
3
+ size 133462128
model_head.pkl ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:583bf2ddaa8e5a92e2e19500190eb8ce044b5f33e5dc080e7d1514d2849f1d07
3
+ size 13271
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": 512,
3
+ "do_lower_case": true
4
+ }
special_tokens_map.json ADDED
@@ -0,0 +1,37 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "cls_token": {
3
+ "content": "[CLS]",
4
+ "lstrip": false,
5
+ "normalized": false,
6
+ "rstrip": false,
7
+ "single_word": false
8
+ },
9
+ "mask_token": {
10
+ "content": "[MASK]",
11
+ "lstrip": false,
12
+ "normalized": false,
13
+ "rstrip": false,
14
+ "single_word": false
15
+ },
16
+ "pad_token": {
17
+ "content": "[PAD]",
18
+ "lstrip": false,
19
+ "normalized": false,
20
+ "rstrip": false,
21
+ "single_word": false
22
+ },
23
+ "sep_token": {
24
+ "content": "[SEP]",
25
+ "lstrip": false,
26
+ "normalized": false,
27
+ "rstrip": false,
28
+ "single_word": false
29
+ },
30
+ "unk_token": {
31
+ "content": "[UNK]",
32
+ "lstrip": false,
33
+ "normalized": false,
34
+ "rstrip": false,
35
+ "single_word": false
36
+ }
37
+ }
tokenizer.json ADDED
The diff for this file is too large to render. See raw diff
 
tokenizer_config.json ADDED
@@ -0,0 +1,64 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "added_tokens_decoder": {
3
+ "0": {
4
+ "content": "[PAD]",
5
+ "lstrip": false,
6
+ "normalized": false,
7
+ "rstrip": false,
8
+ "single_word": false,
9
+ "special": true
10
+ },
11
+ "100": {
12
+ "content": "[UNK]",
13
+ "lstrip": false,
14
+ "normalized": false,
15
+ "rstrip": false,
16
+ "single_word": false,
17
+ "special": true
18
+ },
19
+ "101": {
20
+ "content": "[CLS]",
21
+ "lstrip": false,
22
+ "normalized": false,
23
+ "rstrip": false,
24
+ "single_word": false,
25
+ "special": true
26
+ },
27
+ "102": {
28
+ "content": "[SEP]",
29
+ "lstrip": false,
30
+ "normalized": false,
31
+ "rstrip": false,
32
+ "single_word": false,
33
+ "special": true
34
+ },
35
+ "103": {
36
+ "content": "[MASK]",
37
+ "lstrip": false,
38
+ "normalized": false,
39
+ "rstrip": false,
40
+ "single_word": false,
41
+ "special": true
42
+ }
43
+ },
44
+ "clean_up_tokenization_spaces": true,
45
+ "cls_token": "[CLS]",
46
+ "do_basic_tokenize": true,
47
+ "do_lower_case": true,
48
+ "mask_token": "[MASK]",
49
+ "max_length": 512,
50
+ "model_max_length": 512,
51
+ "never_split": null,
52
+ "pad_to_multiple_of": null,
53
+ "pad_token": "[PAD]",
54
+ "pad_token_type_id": 0,
55
+ "padding_side": "right",
56
+ "sep_token": "[SEP]",
57
+ "stride": 0,
58
+ "strip_accents": null,
59
+ "tokenize_chinese_chars": true,
60
+ "tokenizer_class": "BertTokenizer",
61
+ "truncation_side": "right",
62
+ "truncation_strategy": "longest_first",
63
+ "unk_token": "[UNK]"
64
+ }
vocab.txt ADDED
The diff for this file is too large to render. See raw diff