Next Article in Journal
Detection of Respiratory Events during Sleep Based on Fusion Analysis and Entropy Features of Cardiopulmonary Signals
Next Article in Special Issue
AM3F-FlowNet: Attention-Based Multi-Scale Multi-Branch Flow Network
Previous Article in Journal
Exponential Consensus of Multi-Agent Systems under Event-Triggered Impulsive Control with Actuation Delays
Previous Article in Special Issue
An Entropy-Based Method with a New Benchmark Dataset for Chinese Textual Affective Structure Analysis
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Enhanced Semantic Representation Learning for Sarcasm Detection by Integrating Context-Aware Attention and Fusion Network

1
College of Data Science, Taiyuan University of Technology, Taiyuan 030024, China
2
Key Laboratory of Big Data Fusion Analysis and Application of Shanxi Province, Taiyuan 030024, China
3
School of Economics and Management, China University of Petroleum (East China), Qingdao 266580, China
4
School of Computer Science and Technology, Beijing Institute of Technology, Beijing 100081, China
*
Author to whom correspondence should be addressed.
Entropy 2023, 25(6), 878; https://doi.org/10.3390/e25060878
Submission received: 10 April 2023 / Revised: 24 May 2023 / Accepted: 29 May 2023 / Published: 30 May 2023
(This article belongs to the Special Issue Machine and Deep Learning for Affective Computing)

Abstract

:
Sarcasm is a sophisticated figurative language that is prevalent on social media platforms. Automatic sarcasm detection is significant for understanding the real sentiment tendencies of users. Traditional approaches mostly focus on content features by using lexicon, n-gram, and pragmatic feature-based models. However, these methods ignore the diverse contextual clues that could provide more evidence of the sarcastic nature of sentences. In this work, we propose a Contextual Sarcasm Detection Model (CSDM) by modeling enhanced semantic representations with user profiling and forum topic information, where context-aware attention and a user-forum fusion network are used to obtain diverse representations from distinct aspects. In particular, we employ a Bi-LSTM encoder with context-aware attention to obtain a refined comment representation by capturing sentence composition information and the corresponding context situations. Then, we employ a user-forum fusion network to obtain the comprehensive context representation by capturing the corresponding sarcastic tendencies of the user and the background knowledge about the comments. Our proposed method achieves values of 0.69, 0.70, and 0.83 in terms of accuracy on the Main balanced, Pol balanced and Pol imbalanced datasets, respectively. The experimental results on a large Reddit corpus, SARC, demonstrate that our proposed method achieves a significant performance improvement over state-of-art textual sarcasm detection methods.

1. Introduction

Sarcasm is a form of figurative language in which the literal meaning of the utterance differs from the author’s underlying intention [1]. This form of expression is commonly observed on social media platforms, such as Twitter and Reddit. Due to the figurative nature of text and the deliberate ambiguity of sarcasm, automatic sarcasm detection has become a challenging task in opinion mining and sentiment analysis [2].
Early works on automatic sarcasm detection primarily relied on salient content features, including n-gram, lexical, and pragmatic features [3]. Specifically, unigrams, sentiment lexicons, emoticons, user mentions, and incongruity have been considered explicit cues found in sentences that can improve the performance of textual sarcasm detection. Most approaches use traditional statistical learning methods to model these explicit features, such as the Support Vector Machines, Naive Bayes, and Decision Trees [4,5]. As deep learning techniques have obtained success in natural language processing, neural networks are also used to capture the above features automatically. For example, the convolutional neural network, Bi-LSTM, and attention mechanism have been employed to capture the salient features of sarcasm [6,7,8]. However, these models only focus on explicit features and neglect implicit features, which are used to indicate the ambiguity of sarcasm expressions.
To capture the implicit features of sarcasm expressions, contextual information has been adopted in later attempts at sarcasm detection. A toy example is provided in Figure 1 in order to figure out the context importance of sarcasm identification, where the comment samples were taken from a discussion forum. The comment “He has particularly strong organizational skills.” posted by user A and the comment “Yeah. He is really good” posted by user B do not seem to be sarcastic until the corresponding context “No one participated in the football event yesterday” is provided. Meanwhile, many forms of contextual dependencies, such as the commonsense context, conversational context, and user-specific context, have been explored by providing additional cues for sarcasm detection [3,9,10]. For example, contextual embedding is learned by using commonsense information from sentences, which is integrated with affective information for sarcasm detection [11,12]; the conversation context of an utterance is employed to capture the sarcastic nature of a conversation [13]; and historical data generated by users are adopted to capture a user’s sarcastic tendencies [1,9,14]. Additionally, topic contextual information is used to discover sarcasm-prevalent topics [3]. However, comment representation and context representation are not sufficiently integrated and interactive in these models, which degrades the sarcasm detection performance.
In this work, we explore a novel scenario involving the construction of an enhanced semantic representation learning network based on diverse contextual cues retrieved from the external discourses in social media for textual sarcasm detection, such as user profiling and forum topic information. Based on this, we propose a Contextual Sarcasm Detection Model (CSDM) by modeling enhanced semantic representation with user profiling and forum topic information, where context-aware attention and a user-forum fusion network are used to obtain the comment representation and context representation, respectively. Specifically, the model first employs diverse embedding methods to obtain textual comments and user and forum representations, which can provide the original situation in which comments occurred. Then, we employ a Bi-LSTM encoder and context-aware attention to obtain refined comment representation by capturing sentence composition information and the corresponding context situations. Then, we employ a user-forum fusion network to obtain the comprehensive context representation by capturing the corresponding sarcastic tendencies of the user and the background knowledge about the comments. Finally, a simple fusion strategy with comment and context representations is used to predict whether a comment is sarcastic or nonsarcastic. The main contributions of our work can be summarized as follows:
  • A novel Contextual Sarcasm Detection Model is proposed that integrates enhanced semantic representation learning based on comment contents and diverse contextual clues;
  • For comment representation learning, we employ a context-aware attention mechanism to capture the key parts of sentences in response to the corresponding contextual information;
  • For context representation learning, we employ a user-forum fusion network to generate a comprehensive context representation by integrating user information and forum information;
  • Experimental results from a large Reddit corpus, SARC, demonstrate that our proposed method achieves a significant performance improvement over state-of-art textual sarcasm detection methods.

2. Related Work

Sarcasm detection generally focuses on sarcasm identification from text, where sarcasm is a complex linguistic expression used on social media platforms. Previous works have employed representative indicators and discrete features to identify sarcasm expression. For example, Maynard et al. [15] proposed a hashtag tokeniser and demonstrated that hashtags can make sarcasm detection easy. Tony et al. [16] focused on humorous similes and employed corresponding simile patterns to predict ironic expressions. Lukin and Walker [17] applied n-gram features and syntactic patterns to create sarcasm indicators. Moreover, pragmatic factors, affective lexicons, semantic features, and incongruity features have been considered to improve the performance of sarcasm detection [3]. These studies mainly employed manual feature engineering, which is very time-consuming.
To capture comprehensive continuous features automatically, deep neural network approaches have been widely used for textual sarcasm detection. Soujanya et al. [6] employed a pretrained convolutional neural network to learn sentiment, emotion and personality features for sarcasm detection. Tay et al. [18] proposed a multidimensional intra-attention recurrent network to detect contrasting sentiments, situations and incongruities. Xiong et al. [7] developed a self-matching network based on a co-attention mechanism to capture sentence incongruities and incorporated a Bi-LSTM encoder to learn composition information. Pan et al. [19] used a self-attention weighted snippets model to detect the incongruity between sentence snippets. Akula and Garibay [8] employed a multihead self-attention method to identify crucial sarcastic cue words from the input and applied the recurrent units to learn long-range dependencies between these cue words. These works only focused on comments and neglected additional contextual information around the comments.
To improve the performance of sarcasm detection, contextual information has been incorporated. Zhang et al. [20] employed a gated pooling layer based on history tweets to obtain contextual features and combined this with a bi-directional gated recurrent neural network on targeted tweets in order to capture syntactic and semantic information. Du et al. [21] designed a dual-channel structure to effectively analyze the semantics of the target text and its sentimental context. Kamal and Abulaish [22] proposed a convolution and attention model with a bi-directional gated recurrent unit to detect self-deprecating sarcasm, where syntactic and semantic features and a comprehensive context representation were captured. Lou et al. [12] employed a graph convolutional network based on affective information and syntactical information from sentences in order to capture long-range incongruity patterns and inconsistent expressions in the context for sarcasm detection. Jena et al. [13] employed contextual information from sentences in a sequential manner for sarcasm detection. Baruah et al. [23] exploited the conversational context of the response and BERT to detect sarcasm. Wang et al. [24] explored a masking and generation paradigm in the context of extracting the context incongruities using an unsupervised perspective for sarcasm detection. Babanejad et al. [11] incorporated affective and contextual features to extend the architecture of BERT for sarcasm detection. Wen et al. [25] leveraged sememe knowledge and auxiliary information to learn the representations of the context and background of sarcasm expression. However, these methods neglect user information, which could provide support to improve the understanding of sarcastic tendencies in sentences and allow better sarcasm detection.
To capture the sarcastic tendencies of users for sarcasm detection, user embeddings are learned by considering the historic information of users on social media. For example, Amir et al. [9] learned user embeddings to capture homophily by projecting similar users into nearby regions of the embedding space and exploiting user embeddings with lexical representations of the content to recognize sarcasm. Plepi and Flek [1] applied a graph attention-based model to a social graph to explicitly model users’ social and historical contexts, where user embeddings with historic tweets were learned during sarcasm detection, similar to in the work of Amir [9]. However, these methods only focused on user embeddings and neglected common knowledge about the situations in which the comments were occurring. To solve this problem, Hazarika et al. [14] not only exploited user embeddings to encode the stylometric and personality features of users but also employed topic information from forums to capture the contextual information of comment discourses. The method employs a simple concatenation step to combine comment, user, and forum information, resulting in a poor performance. Thus, our proposed model applies enhanced semantic representation learning techniques based on context-aware attention and a user-forum fusion network, where contextual information is used to guide comment representation, and user and forum information is fused to learn the context representation.

3. Proposed Model

3.1. Overview

In this section, we illustrate the proposed Contextual Sarcasm Detection Model (CSDM) with enhanced semantic representation learning in detail. As demonstrated in Figure 2, the framework of the CSDM contains three parts: (1) comment representation learning, where Bi-LSTM is employed to obtain the sequential information of the comments, and context-aware attention is used to capture the comment representation comprehensively by considering the corresponding contextual information; (2) context representation learning, where a user-forum fusion network is used to obtain the context representation by integrating user and forum information; and (3) decision learning, where comments and contexts are concatenated by considering diverse semantic representations, and fully connected layers are employed to detect sarcasm.

3.2. Task Definition

Given the social media corpus SARC, the task is to identify sarcastic or nonsarcastic comments posted in specific topic forums. Each comment is accompanied by user details and parent comments, which could be used as contextual information. Mathematically, users in the corpus are denoted as U = { u 1 , , u n } , forums in the corpus are denoted as F = { f 1 , , f m } , and comments in the corpus are denoted as C = { c 1 , , c t } , where n is the number of users, m is the number of forums, and t is the number of comments. Therefore, our work aims to learn enhanced semantic representations by integrating context-aware attention and a fusion network in order to understand the sarcastic tendencies of comments comprehensively.

3.3. Comment Representation Learning

Comment representation learning aims to construct comprehensive comment representations. First, embedding techniques are employed to obtain the original comment representation with common contextual information. Then, a Bi-LSTM encoder is used to capture the word sequence order, and a context-aware attention mechanism is employed to obtain the key parts of comments.
Given the comment c i = [ w 1 , , w k ] containing k word w in social media, the pretrained fastText model [26] is used to generate comment embeddings E c i . This is formulated as follows:
E c i = fastText c i
The fastText model assigns a distinct vector representation to each word by capturing character n-gram information and word morphologies to obtain a fine-grained word representation.
To capture the sentence composition information of comments by considering the word sequence information, we employ the Bi-LSTM to obtain the hidden representations of comments H = { h 1 , , h k } R d × k based on the comment embeddings E C , where d is the size of the hidden layers, and k is the sentence length. The details of the Bi-LSTM are as follows:
h i = LSTM E ( w i ) , h i 1 h i = LSTM E ( w i ) , h i 1 h i = { h i , h i }
where h i and h i represent the forward hidden state and the backward hidden state of the Bi-LSTM, respectively; E w i E c i represents the i th word embedding vector of comment c i .
Then, a context-aware attention mechanism is designed to capture the key parts of sentences in response to the corresponding contextual information. This was inspired by the work of Wang [27]. The attention mechanism can produce an attention weight vector α and a weighted hidden representation v c . The details of the attention mechanism are as follows:
M = H v c o n e k α = softmax ( w T M ) v c = H α T
where v c o n R d c , M R ( d + d c ) × k , α R k , and v c R d , and d c is the dimension of the context representation v c o n denoted in the following section. w R ( d + d c ) is a projection parameter. α is a vector consisting of attention weights, and v c is the refined representation of the comment content within the corresponding given context. The operator ⊗ means v c o n e k = [ v c o n ; v c o n ; ; v c o n ] ; that is, the operator repeatedly concatenates v c o n k times, where e k R k is a column vector with k 1s. The purpose of the operator v c o n e k is to create the same context embedding for each hidden representation from H . Furthermore, the weight vector α represents the important part of a sentence for the given contextual information.
Thus, comment representation learning can be used to obtain comprehensive comment representations by considering the effect of the corresponding contextual information, that is, the preliminary fusion between comment and context, where the contextual information is used to guide comment representation learning.

3.4. Context Representation Learning

For context representation learning, we employ a user-forum fusion network to generate the context representation for each corresponding comment sentence. Here, a user-forum fusion network is employed by integrating user information and forum information to construct the context situations in which comments occur in social media. User information can indicate the personal behaviors and interest tendencies of users, and forum information can provide background knowledge about the environment in which comments occur. Thus, user and forum information can provide evidence to capture the related sarcastic tendencies in the comments.
User embeddings and forum embeddings are first learned by using a pretrained model based on comment sentences posted by users on forums. Here, user embeddings are learned by considering the stylometric features of users, which are reflected by the accumulated historical posts of users. Meanwhile, forum embeddings are learned by considering comments belonging to a specific forum. First, a user corpus and a forum corpus are created for embedding learning. Comment sentences posted by each user in all forums are used to construct the user corpus, and comment sentences in a specific forum are employed to construct the forum corpus. We observe that the lengths of trained corpuses for context representation learning vary when the above data collection method is emplyed. Then, ParagraphVector [28] is used to generate user embeddings E U and forum embeddings E F , since it is an unsupervised algorithm that learns fixed-length feature representations from variable-length pieces of text. Thus, user u i U and forum f j F can be represented as embedding vectors with different dimensions, i.e., E ( u i ) and E ( f j ) , which are formulated as follows:
E u i = ParagraphVector u i E f j = ParagraphVector f j
To clarify the learning process for user embeddings and forum embeddings, we show several samples in Figure 3 to detail the mechanism, where two forums ( f 1 and f 2 ), four users ( u 1 , u 2 , u 3 and u 4 ), and twelve comments ( c 1 , , c 12 ) are listed. It is shown that the process contains three parts: raw data from the social media corpus, generated training data, and the representation. In the example, we observe that the training datasets of users u 1 , u 2 , u 3 , and u 4 are { c 2 , c 3 , c 7 } , { c 4 , c 10 } , { c 1 , c 5 , c 8 , c 11 } , and { c 6 , c 9 , c 12 } , respectively. Additionally, the training datasets of forums f 1 and f 2 are { c 1 , c 2 , c 3 , c 4 , c 5 , c 6 } and { c 7 , c 8 , c 9 , c 10 , c 11 , c 12 } , respectively.
Considering the diverse aspects of context representation for sarcasm detection, we employ a user-forum fusion network to integrate user information and forum information into a fixed-length context vector, which is inspired by modality fusion [29]. First, the user embedding E ( u i ) and forum embedding E ( f j ) are transformed into a specific space with fixed-length forms v u and v f . Then, a two-layer feed-forward neural network is employed to compute the normalized attention weights for the user and forum information. Finally, the context vector v c o n is obtained as the average weight of the transformed hidden representations v u and v f . The mathematical formulations are as follows:
v u = tanh W u · E ( u i ) + b u v f = tanh W f · E ( f i ) + b f α u = W u · tanh W u · E ( u i ) + b u + b u α f = W f · tanh W f · E ( f j ) + b f + b f v c o n = e α u e α u + e α f · v u + e α f e α u + e α f · v f
where α u and α f are the learned weights for the users and forums, and W t and b t t { u , u , u , f , f , f } are the learned weight matrices and biases.
Thus, context representation learning employs user information and forum information to capture the comprehensive context representation, where the context representation not only guides the comment representation learning but also provides background knowledge about the corresponding comments for sarcasm detection.

3.5. Decision Learning

Decision learning first combines comment representation and context representation into a unified representation and then employs simple neural networks to predict whether a comment is sarcastic or not. In detail, we first concatenate a refined comment representation v c , the last hidden representation h k produced by the Bi-LSTM, and the context representation v c o n . Then, we employ two linear layers with tanh and s i g m o d activation to compute the probability of the comment belonging to the sarcastic class, which is formulated as follows:
h t e m p = c o n c a t v c , h k , v c o n v h i d d e n = tanh W h i d d e n · h t e m p + b h i d d e n y ^ = σ W o · v h i d d e n + b o
where c o n c a t ( ) is the concatenation function, W h i d d e n , W o , b h i d d e n , and b o are learned parameters, and σ is the sigmoid function. Finally, the cross-entropy loss function is employed for training as follows:
Loss = 1 t i = 1 t j = 1 2 y i j l o g 2 ( y ^ i j )
where t is the number of comments in the training set, y i is the one-hot vector ground truth of the ith comment, and y ^ i j is the predicted probability of belonging to class j.

4. Experiment

4.1. Experimental Data

To evaluate the proposed model, we performed our experiments on the SARC (https://nlp.cs.princeton.edu/old/SARC/ (accessed on 1 April 2023)) corpus [30], which was obtained from the social media site Reddit. Reddit contains topic-specific discussion forums, comments, and author details. In the experiment, we employed three variants of the SARC dataset, as follows: (1) Main balanced, where the dataset is a balanced distribution of both sarcastic and nonsarcastic comments; (2) Pol balanced, where the dataset is a subset of the Main dataset, comprising forums associated with the topic of politics; and (3) Pol imbalanced, where the dataset is an imbalanced version of the dataset with the topic of politics. We sampled sarcastic comments and nonsarcastic ones in both training and testing sets in a ratio of approximately 20:80. The details of the datasets are shown in Table 1.

4.2. Comparison Models

Here, we describe the state-of-the-art methods and baselines that we compared the CSDM with.
  • CBOW The model employs the continuous bag of words to represent comments and applies a fully connected layer to recognize sarcasm.
  • CNN The model applies a single CNN on the comment to capture location-invariant local patterns and combines the CNN with a fully connected layer to detect sarcasm.
  • LSTM The model uses the Bi-LSTM on the comment to capture the long-range dependency and combines the Bi-LSTM with a fully connected layer to detect sarcasm.
  • BERT-FCL The model [23] uses BERT to represent comments and combines BERT with a fully connected layer to detect sarcasm.
  • SAWS The model [19] adopts a self-attention mechanism of weighted snippets with a context vector to capture the incongruity of sentence snippets.
  • ADGCN The model [12] employs a graph convolutional network based on an affective graph and a dependency graph in order to capture the long-range literal sentiment inconsistencies.
  • CUE-CNN The model [9] learns user embeddings by projecting similar users into nearby regions of the embedding space and combines user embeddings with a CNN to detect sarcasm.
  • CASCADE The model [14] adopts a hybrid approach with both content and context-driven modeling for sarcasm detection, where user embeddings are used to encode the stylometric and personality features of users.

4.3. Training Details

In our experiments, we randomly sampled 20 % of the training data as the validation set. For comment representation, we employed fastText to obtain a 300-dimensional embedding for each comment, which was either restricted or padded to 100 words. The dimensionality of the hidden representations in the Bi-LSTM was set to 256. For context representation, ParagraphVector was used to embed each forum as a 100-dimensional embedding and each user as a 100-dimensional embedding. The dimensions of the last two fully connected layers were 256 and 1, respectively. In the training process, the learning rate was 0.001, and the batch size was 32. We used the Adam optimizer to optimize the loss function. The hyperparameters are shown in Table 2. For the other baseline methods, we adopted the parameters used in the original papers. Meanwhile, for the CUE-CNN and CASCADE, we adopted the user embeddings trained in our work for consistency.

4.4. Experimental Results

In this section, we compare the proposed model, CSDM, with state-of-the-art networks and baselines in terms of the accuracy and F1 score. The results are shown in Table 3. The experimental results illustrate that the CSDM achieved a better performance than the state-of-the-art networks and the baseline models.
Specifically, our proposed model CSDM obtained improvements of 11.2 % , 11.1 % , and 5 % in terms of the accuracy compared with CASCADE on the Main balanced, Pol balanced, and Pol imbalanced datasets, respectively. We also observed that the CSDM obtained improvements of 11.2 % and 9.3 % in terms of F1 compared with CASCADE on Main balanced and Pol balanced datasets, respectively. This shows that the sophisticated fusion strategy in the CSDM is useful for capturing latent relationships among comments, users, and forums and balancing the semantic representations among them. However, the CSDM had a worse performance on the Pol imbalanced dataset. This may be because the ratio of nonsarcastic comments to sarcastic comments in the Pol imbalanced dataset affects the recall of the corresponding model.
Compared with CBOW, CNN, LSTM, and SAWS, we observed that our proposed model, CSDM, achieved improvements of around 7.8 % , 7.6 % , and 2.4 % in terms of the accuracy and 7.8 % , 7.6 % and 26 % in terms of the F1 on the Main balanced, Pol balanced, and Pol imbalanced datasets, respectively. This demonstrates that contextual information, including user and forum information, is useful for improving the sarcasm detection performance. In addition, we observed that the LSTM obtained better results than CBOW, CNN, and SAWS, which shows that sequential order information is also helpful for sarcasm detection.
Compared with BERT-FCL, ADGCN, and CUE-CNN, we observed that our proposed model, CSDM, achieved improvements of around 6.1 % , 4.4 % , and 3.7 % in terms of the accuracy and 6.1 % , 4.4 % , and 1.5 % in terms of the F1 on the Main balanced, Pol balanced, and Pol imbalanced datasets, respectively. The above results demonstrate that combing contents with user and forum information is important for the improvement of the sarcasm detection performance. Meanwhile, BERT-FCL, ADGCN, and CUE-CNN use different types of additional information, i.e., common background context, affective commonsense knowledge, and user information, respectively, as contextual information, but they only employ one type of contextual information. Our proposed model employs user information and forum information as contextual information and employs sophisticated context-aware attention to capture the comprehensive comment representation.
Compared with BERT- FCL , our proposed model, CSDM, achieved improvements of around 1.5 % , 6.7 % , and 0.0 % in terms of the accuracy and 15 % , 112 % , and 5.6 % in terms of the F1 on the Main balanced, Pol balanced, and Pol imbalanced datasets, respectively. We also observed that the CSDM performed better on the Main balanced dataset, and BERT- FCL performed better on the Pol balanced and imbalanced datasets. This may be because BERT can learn more explicit semantic information from the word representations of a single topic than from the word representations of diverse topics.
Meanwhile, we observed that all methods performed better on the Pol imbalanced dataset than on the other two datasets. This may be because the ratio of sarcastic comments to nonsarcastic comments was higher on Pol imbalanced dataset than on the other two datasets. Furthermore, except for the impact of the Pol imbalanced dataset, BERT-FCL, BERT- FCL , and CASCADE performed well on the Pol imbalanced dataset, which may have also been caused by the feature learning strategies of the methods.

4.5. Ablation Study

We conducted an ablation study of the proposed model, CSDM, in order to analyze the impacts of various feature components in its architecture on the Main balanced, Pol balanced, and Pol imbalanced datasets. The experiment results are reported in Table 4. CSDM-c, CSDM-u, and CSDM-f are models without context learning, user information, and forum information, respectively.
In Table 2 and Table 3, we can observe that the CSDM-c performed better than the LSTM and SAWS. The CSDM-c employs Bi-LSTM and attention mechanisms to learn comment representations. This shows that the combination of Bi-LSTM and attention mechanisms is important for sarcasm detection, since the combination can obtain the local and global contextual information for comment representations.
In Table 3, we can observe that the variants of the CSDM do not perform as well as the CSDM. First, the performance of the CSDM-u is relatively poor compared with the other models. This may be because forum information is very general and abstract, so it provides little useful information. Then, compared with the CSDM-u and CSDM-c, the CSDM-f performs relatively well. This shows that user information can indicate the sarcastic tendencies of users, which is important for sarcasm detection. Meanwhile, compared with the CSDM, the performance of the CSDM-c is poor, which demonstrates that contextual information is helpful for capturing additional information for sarcasm detection. Lastly, the CSDM performs the best among these models. This may be for the following reasons: (1) both comment and contextual information are adopted in order to comprehensively understand the sarcastic tendencies of users; and (2) a context fusion mechanism is used to capture the latent complex relationship between users and forums.

4.6. Case Study

In this section, we sample some sarcastic comments to showcase the mechanism of the comment representations presented in Table 5 with the corresponding posts as the context. The comment representation indicates the content features of comments by integrating contextual information with the Bi-LSTM and attention layers in order to capture the long-dependency relationships between words and key parts of sentences in the comments. Examples of sarcasm expression demonstrate that the comment representation determined by capturing relationships between words is highly effective for identifying the incongruity information in sentences. For example, in the comment “well yeah, cuz they ‘re bortin’ all tha babees”, we notice that the words “cuz” and “all” have the highest attention weights. Meanwhile, in the sentences “yeah, who would have figured that a rich billionaire wasn’t going to be an advocate for the working class”, “don’t you know, this is totally normal for a president to have”, and “but both sides are exactly the same”, the words “would”, “figured”, “totally”, “but”, and “sides” obtain relatively high attention weights. The most attended words provide the opposite sentiments in sarcastic expressions.
Therefore, the comment representations identified by integrating contextual information could capture the incongruity information of sentences, which could provide a strong indicator of the appearance of sarcasm.

4.7. Error Analysis

Below, we report a couple of sarcasm samples from the Pol balanced dataset presented in Table 6 which obtained incorrect prediction results compared with the ground truth of the samples. The above bad cases were used for an error analysis of our proposed model in order to understand the circumstances under which our proposed model will fail.
First, our model neglected the incongruity expressions between $3.76B” and “small price” for the first example, which may be because the model lacks common background knowledge of “small price”. Meanwhile, the model did not understand the word “waterboarded” for the second example, which meant that the model captured the incongruity expressions between “waterboarded” and “raised”. For the third example, the model ignored the background situation for the phrase “against freedums”. For the fourth example, the meaning of the post and the comment is consistent, but the phrase “would be” may disturb the judgment of the model. For the fifth example, the phrase “only if” may also disturb the judgment of the model. For the last example, the phrase “probably not the best time” may affect the results. In all, the error analysis demonstrates that the implicit semantic information and uncertainty information of words and some question formats can cause poor performance of the proposed model.

5. Conclusions

In this work, we proposed a Contextual Sarcasm Detection Model based on diverse contextual cues retrieved from external discourses used in online social media. The proposed model employs context-aware attention and a user-forum fusion network to generate a comprehensive fused representation. First, we employed a Bi-LSTM encoder to capture the sentence composition information and we adopted context-aware attention to obtain a refined comment representation with contextual information. Then, we employed a user-forum fusion network to capture the sarcastic tendencies of users and the background knowledge about comments by integrating user information and forum information. Experimental results on the large Reddit corpus demonstrate that the proposed method achieves a significant performance improvement over state-of-art textual sarcasm detection methods in terms of standard evaluation metrics including the F1 score and accuracy. Furthermore, the methodology could be applied to languages other than English in future work.

Author Contributions

Conceptualization, methodology, S.H., C.S. and D.L.; software, investigation, visualization, J.Y., Y.Z., S.X. and Y.C.; validation, formal analysis, S.H. and C.S.; resources, data curation, S.H., J.Y. and Y.Z.; writing—original draft preparation, S.H.; writing—review and editing, C.S., Y.Z., S.X. and D.L.; supervision, project administration, D.L. and Y.Z.; funding acquisition, S.H., Y.Z. and S.X. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the Fundamental Research Program of Shanxi Province (Grant Nos. 20210302124168, 20210302124167), the Fund Program for the Scientific Activities of Selected Returned Overseas Professionals in Shanxi Province (Grant No. 20220009), the Key Research and Development Program in Shanxi Province (Grant Nos. 202102020101004, 202102020101001), the National Natural Science Foundation of China (Grant Nos. 62002255, 62102280), and the Scientific Research Fund Project of Taiyuan University of Technology (Grant No. 2022QN128).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Publicly available datasets were analyzed in this study. These data can be found here: (https://nlp.cs.princeton.edu/old/SARC/ (accessed on 1 April 2023)).

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Plepi, J.; Flek, L. Perceived and Intended Sarcasm Detection with Graph Attention Networks. In Proceedings of the Conference on Empirical Methods in Natural Language Processing (EMNLP Findings 2021), Punta Cana, Dominican Republic, 16–20 November 2021. [Google Scholar]
  2. Baroiu, A.; Trausan-Matu, S. Automatic Sarcasm Detection: Systematic Literature Review. Information 2022, 13, 399. [Google Scholar] [CrossRef]
  3. Joshi, A.; Bhattacharyya, P.; Carman, M.J. Automatic Sarcasm Detection: A Survey. ACM Comput. Surv. 2017, 50, 73:1–73:22. [Google Scholar] [CrossRef]
  4. Riloff, E.; Qadir, A.; Surve, P.; Silva, L.D.; Gilbert, N.; Huang, R. Sarcasm as Contrast between a Positive Sentiment and Negative Situation. In Proceedings of the 2013 Conference on Empirical Methods in Natural Language Processing (EMNLP 2013), Seattle, WA, USA, 18–21 October 2013. [Google Scholar]
  5. Reyes, A.; Rosso, P.; Veale, T. A multidimensional approach for detecting irony in Twitter. Lang. Resour. Eval. 2013, 47, 239–268. [Google Scholar] [CrossRef]
  6. Poria, S.; Cambria, E.; Hazarika, D.; Vij, P. A Deeper Look into Sarcastic Tweets Using Deep Convolutional Neural Networks. In Proceedings of the 26th International Conference on Computational Linguistics (COLING 2016), Osaka, Japan, 11–16 December 2016. [Google Scholar]
  7. Xiong, T.; Zhang, P.; Zhu, H.; Yang, Y. Sarcasm Detection with Self-matching Networks and Low-rank Bilinear Pooling. In Proceedings of the World Wide Web Conference (WWW 2019), San Francisco, CA, USA, 13–17 May 2019. [Google Scholar]
  8. Akula, R.; Garibay, I. Interpretable Multi-Head Self-Attention Architecture for Sarcasm Detection in Social Media. Entropy 2021, 23, 394. [Google Scholar] [CrossRef] [PubMed]
  9. Amir, S.; Wallace, B.C.; Lyu, H.; Carvalho, P.; Silva, M.J. Modelling Context with User Embeddings for Sarcasm Detection in Social Media. In Proceedings of the 20th SIGNLL Conference on Computational Natural Language Learning (CoNLL 2016), Berlin, Germany, 11–12 August 2016. [Google Scholar]
  10. Poria, S.; Hazarika, D.; Majumder, N.; Mihalcea, R. Beneath the Tip of the Iceberg: Current Challenges and New Directions in Sentiment Analysis Research. arXiv 2020, arXiv:2005.00357v5. [Google Scholar] [CrossRef]
  11. Babanejad, N.; Davoudi, H.; An, A.; Papagelis, M. Affective and Contextual Embedding for Sarcasm Detection. In Proceedings of the 28th International Conference on Computational Linguistics (COLING 2020), Barcelona, Spain, 8–13 December 2020. [Google Scholar]
  12. Lou, C.; Liang, B.; Gui, L.; He, Y.; Dang, Y.; Xu, R. Affective Dependency Graph for Sarcasm Detection. In Proceedings of the 44th International ACM SIGIR Conference on Research and Development in Information Retrieval (SIGIR 2021), Montreal, QC, Canada, 11–15 July 2021. [Google Scholar]
  13. Jena, A.K.; Sinha, A.; Agarwal, R. C-Net: Contextual Network for Sarcasm Detection. In Proceedings of the Second Workshop on Figurative Language Processing (Fig-Lang@ACL 2020), Online, 9 July 2020. [Google Scholar]
  14. Hazarika, D.; Poria, S.; Gorantla, S.; Cambria, E.; Zimmermann, R.; Mihalcea, R. CASCADE: Contextual Sarcasm Detection in Online Discussion Forums. In Proceedings of the 27th International Conference on Computational Linguistics (COLING 2018), Santa Fe, NM, USA, 20–26 August 2018. [Google Scholar]
  15. Maynard, D.; Greenwood, M.A. Who cares about sarcastic tweets? Investigating the impact of sarcasm on sentiment analysis. In Proceedings of the Ninth International Conference on Language Resources and Evaluation (LREC 2014), Reykjavik, Iceland, 26–31 May 2014. [Google Scholar]
  16. Veale, T.; Hao, Y. Detecting Ironic Intent in Creative Comparisons. In Proceedings of the 19th European Conference on Artificial Intelligence (ECAI 2010), Lisbon, Portugal, 16–20 August 2010. [Google Scholar]
  17. Lukin, S.M.; Walker, M.A. Really? Well. Apparently Bootstrapping Improves the Performance of Sarcasm and Nastiness Classifiers for Online Dialogue. arXiv 2017, arXiv:1708.08572. [Google Scholar]
  18. Tay, Y.; Luu, A.T.; Hui, S.C.; Su, J. Reasoning with Sarcasm by Reading In-Between. In Proceedings of the 56th Annual Meeting of the Association for Computational Linguistics (ACL 2018), Melbourne, Australia, 15–20 July 2018. [Google Scholar]
  19. Pan, H.; Lin, Z.; Fu, P.; Wang, W. Modeling the Incongruity Between Sentence Snippets for Sarcasm Detection. In Proceedings of the 24th European Conference on Artificial Intelligence (ECAI 2020), Santiago de Compostela, Spain, 29 August–8 September 2020. [Google Scholar]
  20. Zhang, M.; Zhang, Y.; Fu, G. Tweet Sarcasm Detection Using Deep Neural Network. In Proceedings of the 26th International Conference on Computational Linguistics (COLING 2016), Osaka, Japan, 11–16 December 2016. [Google Scholar]
  21. Du, Y.; Li, T.; Pathan, M.S.; Teklehaimanot, H.K.; Yang, Z. An Effective Sarcasm Detection Approach Based on Sentimental Context and Individual Expression Habits. Cogn. Comput. 2022, 14, 78–90. [Google Scholar] [CrossRef]
  22. Kamal, A.; Abulaish, M. CAT-BiGRU: Convolution and Attention with Bi-Directional Gated Recurrent Unit for Self-Deprecating Sarcasm Detection. Cogn. Comput. 2022, 14, 91–109. [Google Scholar] [CrossRef]
  23. Baruah, A.; Das, K.A.; Barbhuiya, F.A.; Dey, K. Context-Aware Sarcasm Detection Using BERT. In Proceedings of the Second Workshop on Figurative Language Processing (Fig-Lang@ACL 2020), Online, 9 July 2020. [Google Scholar]
  24. Wang, R.; Wang, Q.; Liang, B.; Chen, Y.; Wen, Z.; Qin, B.; Xu, R. Masking and Generation: An Unsupervised Method for Sarcasm Detection. In Proceedings of the 45th International ACM SIGIR Conference on Research and Development in Information Retrieval (SIGIR 2022), Madrid, Spain, 11–15 July 2022. [Google Scholar]
  25. Wen, Z.; Gui, L.; Wang, Q.; Guo, M.; Yu, X.; Du, J.; Xu, R. Sememe knowledge and auxiliary information enhanced approach for sarcasm detection. Inf. Process. Manag. 2022, 59, 102883. [Google Scholar] [CrossRef]
  26. Bojanowski, P.; Grave, E.; Joulin, A.; Mikolov, T. Enriching Word Vectors with Subword Information. arXiv 2016, arXiv:1607.04606. [Google Scholar] [CrossRef]
  27. Wang, Y.; Huang, M.; Zhu, X.; Zhao, L. Attention-based LSTM for Aspect-level Sentiment Classification. In Proceedings of the 2016 Conference on Empirical Methods in Natural Language Processing (EMNLP 2016), Austin, TX, USA, 1–4 November 2016. [Google Scholar]
  28. Le, Q.V.; Mikolov, T. Distributed Representations of Sentences and Documents. In Proceedings of the 31th International Conference on Machine Learning (ICML 2014), Beijing, China, 21–26 June 2014. [Google Scholar]
  29. Cai, Y.; Cai, H.; Wan, X. Multi-Modal Sarcasm Detection in Twitter with Hierarchical Fusion Model. In Proceedings of the 57th Conference of the Association for Computational Linguistics (ACL 2019), Florence, Italy, 28 July–2 August 2019. [Google Scholar]
  30. Khodak, M.; Saunshi, N.; Vodrahalli, K. A Large Self-Annotated Corpus for Sarcasm. arXiv 2017, arXiv:1704.05579. [Google Scholar]
Figure 1. An toy example of sarcastic comments. The comments posted by users A and B are sarcastic and could be identified by the context provided by the contextual information.
Figure 1. An toy example of sarcastic comments. The comments posted by users A and B are sarcastic and could be identified by the context provided by the contextual information.
Entropy 25 00878 g001
Figure 2. The framework of the proposed CSDM.
Figure 2. The framework of the proposed CSDM.
Entropy 25 00878 g002
Figure 3. User representation and forum representation learning process. The process contains three parts: raw data from the social media corpus, generated training data, and the representation. For simplification, two forums ( f 1 and f 2 ), four users ( u 1 , u 2 , u 3 and u 4 ), and twelve comments ( c 1 , , c 12 ) are listed.
Figure 3. User representation and forum representation learning process. The process contains three parts: raw data from the social media corpus, generated training data, and the representation. For simplification, two forums ( f 1 and f 2 ), four users ( u 1 , u 2 , u 3 and u 4 ), and twelve comments ( c 1 , , c 12 ) are listed.
Entropy 25 00878 g003
Table 1. Statistics of the experimental data.
Table 1. Statistics of the experimental data.
DatasetTrainingTesting
NonsarcasticSarcasticNonsarcasticSarcastic
Main balanced77,35177,35132,33332,333
Pol balanced6834683417031703
Pol imbalanced37,941948521,0702341
Table 2. Training details of the experiments.
Table 2. Training details of the experiments.
ParameterValue
Maximum sequence Length100
Batch Size32
Learning rate0.001
Dimensions of comment embedding300
Dimensions of user embedding100
Dimensions of forum embedding100
Table 3. Comparison of the CSDM with state-of-the-art networks and baselines on multiple versions of the SARC dataset. The BERT-FCL employs the pretrained language model BERT released by Google. The BERT- FCL was used to fine-tune BERT on our training dataset.
Table 3. Comparison of the CSDM with state-of-the-art networks and baselines on multiple versions of the SARC dataset. The BERT-FCL employs the pretrained language model BERT released by Google. The BERT- FCL was used to fine-tune BERT on our training dataset.
ModelsMain BalancedPol BalancedPol Imbalanced
AccuracyF1AccuracyF1AccuracyF1
CBOW0.600.600.600.600.800.44
CNN0.630.630.650.650.810.53
LSTM0.500.450.500.430.800.44
BERT-FCL0.650.650.570.560.730.71
BERT- FCL 0.680.600.750.330.830.71
SAWS0.640.640.590.590.800.54
ADGCN0.620.620.650.650.790.66
CUE-CNN0.590.570.670.670.800.44
CASCADE0.620.620.630.640.790.88
CSDM0.690.690.700.700.830.67
Table 4. Comparison with variants of the proposed CSDM network. CSDM-c, CSDM-u, and CSDM-f are models without context learning, user information, and forum information, respectively.
Table 4. Comparison with variants of the proposed CSDM network. CSDM-c, CSDM-u, and CSDM-f are models without context learning, user information, and forum information, respectively.
ModelsMain BalancedPol BalancedPol Imbalanced
AccuracyF1AccuracyF1AccuracyF1
CSDM-c0.670.670.660.660.800.66
CSDM-u0.660.660.680.680.800.65
CSDM-f0.680.680.690.690.800.68
CSDM0.690.690.700.700.830.67
Table 5. Attention visualization. For each sample, the sentence demonstrates the original comment and the corresponding attention weights generated from the CSDM; the darkness of the background varies according to the value of the corresponding attention weight.
Table 5. Attention visualization. For each sample, the sentence demonstrates the original comment and the corresponding attention weights generated from the CSDM; the darkness of the background varies according to the value of the corresponding attention weight.
PostComment
Analysis | States with more Planned Parenthood clinics have fewer teen births and sexually transmitted diseasesEntropy 25 00878 i001
Alec Baldwin: Trump “An Enemy of the Working Class”Entropy 25 00878 i002
No wonder he won’t release his tax returns; Trump has business ties to at least 10 alleged former Soviet criminals, report claimsEntropy 25 00878 i003
Net Neutrality Is Trump’s Next Target, Administration SaysEntropy 25 00878 i004
Table 6. Comment samples of error analysis.
Table 6. Comment samples of error analysis.
PostCommentGround TruthPrediction
Bathroom bill’ to cost North Carolina $3.76Bsmall price to pay for keeping their women and female children safeSarcasmNonsarcasm
Ted Koppel tells Sean Hannity he is bad for Americacome on remember all the money he raised for the charity being waterboarded?SarcasmNonsarcasm
Republican lawmakers introduce bills to curb protesting in at least 18 statesbut the democrats are against freedumsSarcasmNonsarcasm
Border wall ask: $1 billion for 62 mileswho knew tall concrete walls would be expensive?NonsarcasmSarcasm
Star Wars: US Must Prep for Space Battles, Commander Saysonly if the space ships run on coalNonsarcasmSarcasm
Scarlett Johansson May Run for Office, Isn’t Concerned About Boycottsprobably not the best time for her to be speaking on politics when her newest movie features her as a whitewashed version of an Asian heroineNonsarcasmSarcasm
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Hao, S.; Yao, J.; Shi, C.; Zhou, Y.; Xu, S.; Li, D.; Cheng, Y. Enhanced Semantic Representation Learning for Sarcasm Detection by Integrating Context-Aware Attention and Fusion Network. Entropy 2023, 25, 878. https://doi.org/10.3390/e25060878

AMA Style

Hao S, Yao J, Shi C, Zhou Y, Xu S, Li D, Cheng Y. Enhanced Semantic Representation Learning for Sarcasm Detection by Integrating Context-Aware Attention and Fusion Network. Entropy. 2023; 25(6):878. https://doi.org/10.3390/e25060878

Chicago/Turabian Style

Hao, Shufeng, Jikun Yao, Chongyang Shi, Yu Zhou, Shuang Xu, Dengao Li, and Yinghan Cheng. 2023. "Enhanced Semantic Representation Learning for Sarcasm Detection by Integrating Context-Aware Attention and Fusion Network" Entropy 25, no. 6: 878. https://doi.org/10.3390/e25060878

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop