SentiCSE: A Sentiment-aware Contrastive Sentence Embedding Framework with Sentiment-guided Textual Similarity
Jaemin Kim*, Yohan Na*, Kangmin Kim, Sang Rak Lee, Dong-Kyu Chae
DILab, Hanyang University
Our paper was published in LREC-COLING 2024.
Paper link : https://arxiv.org/abs/2404.01104
The overview of SentiCSE. In the sentence-level objective, we take two anchors, one for positive' polarity and the other for
negative' polarity. We then encourage the sentiment representations to be more close to the corresponding sentences belonging to the same polarity, and to be far from the corresponding sentences associated with different polarities. In the word-level objective, our model tries to predict the masked words as in conventional MLM.
data:image/s3,"s3://crabby-images/bcbda/bcbda7916ed14d6e3f4afbed11b0e0fcc2ad1fa9" alt=""
Comparison of STS and our SgTS. STS measures similarity of two sentences based on contextual semantics while SgTS judges similarity based on their sentiment polarities.
You can create the SgTS datsets. find download code in SentiCSE/utils/create_valid_ssts_dataset.ipynb
data:image/s3,"s3://crabby-images/c16c8/c16c80581938bd31480fd51692c24054e8a31978" alt=""
Our experiments contain sentence-level sentiment classification (e.g. SST-2 / MR / IMDB / Yelp-2 / Amazon)
You can also load our base model in huggingface (https://huggingface.co/DILAB-HYU/SentiCSE):
import torch
from scipy.spatial.distance import cosine
from transformers import AutoTokenizer, AutoModel
tokenizer = AutoTokenizer.from_pretrained("DILAB-HYU/SentiCSE")
model = AutoModel.from_pretrained("DILAB-HYU/SentiCSE")
# Tokenize input texts
texts = [
"The food is delicious.",
"The atmosphere of the restaurant is good.",
"The food at the restaurant is devoid of flavor.",
"The restaurant lacks a good ambiance."
]
inputs = tokenizer(texts, padding=True, truncation=True, return_tensors="pt")
# Get the embeddings
with torch.no_grad():
embeddings = model(**inputs, output_hidden_states=True, return_dict=True).pooler_output
# Calculate cosine similarities
# Cosine similarities are in [-1, 1]. Higher means more similar
cosine_sim_0_1 = 1 - cosine(embeddings[0], embeddings[1])
cosine_sim_0_2 = 1 - cosine(embeddings[0], embeddings[2])
cosine_sim_0_3 = 1 - cosine(embeddings[0], embeddings[3])
print("Cosine similarity between \"%s\" and \"%s\" is: %.3f" % (texts[0], texts[1], cosine_sim_0_1))
print("Cosine similarity between \"%s\" and \"%s\" is: %.3f" % (texts[0], texts[2], cosine_sim_0_2))
print("Cosine similarity between \"%s\" and \"%s\" is: %.3f" % (texts[0], texts[3], cosine_sim_0_3))
In the following section, we describe how to train a SentiCSE model by using our code.
conda create -n simcse python=3.8 -y
conda activate simcse
pip install transformers==4.2.1
pip install -r requirements.txt
bash run_senticse_pretrain.sh
Our evaluation code for sentence embeddings is based on a modified version of SentEval. It evaluates sentence embeddings on Sentiment-guided textual similarity (SgTS) tasks and downstream transfer tasks. For SgTS tasks, our evaluation takes the "all" setting, and report Spearman's correlation.
# run few-shot
bash run_few_shot_exp.sh
#run linear-probing
bash run_senticse_linear_probe.sh
+----------+----------------+-------+-------+--------+--------+-------+
| Model | setting | IMDB | SST2 | Yelp-2 | Amazon | MR |
+----------+----------------+-------+-------+--------+--------+-------+
| | 1-shot | 82.64 | 92.92 | 89.72 | 89.04 | 87.38 |
| SentiCSE | 5-shot | 88.12 | 94.50 | 92.08 | 90.40 | 88.00 |
| | linear-probing | 94.03 | 95.18 | 95.86 | 93.69 | 89.49 |
+----------+----------------+-------+-------+--------+--------+-------+
The main contributors of the work are:
*: Equal Contribution
Please cite the repo if you use the data or code in this repo.
@article{2024SentiCSE,
title={SentiCSE: A Sentiment-aware Contrastive Sentence Embedding Framework with Sentiment-guided Textual Similarity},
author={Kim, Jaemin and Na, Yohan and Kim, Kangmin and Lee, Sangrak and Chae, Dong-Kyu},
journal={Proceedings of the 30th International Conference on Computational Linguistics (COLING)},
year={2024},
}