Next Article in Journal
Fisheye Image Detection of Trees Using Improved YOLOX for Tree Height Estimation
Previous Article in Journal
Commercial Off-the-Shelf Components (COTS) in Realizing Miniature Implantable Wireless Medical Devices: A Review
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Deep Neural Networks Based on Span Association Prediction for Emotion-Cause Pair Extraction

School of Software Department, East China Jiaotong University, Nanchang 330013, China
*
Author to whom correspondence should be addressed.
These authors contributed equally to this work.
Sensors 2022, 22(10), 3637; https://doi.org/10.3390/s22103637
Submission received: 9 April 2022 / Revised: 2 May 2022 / Accepted: 9 May 2022 / Published: 10 May 2022

Abstract

:
The emotion-cause pair extraction task is a fine-grained task in text sentiment analysis, which aims to extract all emotions and their underlying causes in a document. Recent studies have addressed the emotion-cause pair extraction task in a step-by-step manner, i.e., the two subtasks of emotion extraction and cause extraction are completed first, followed by the pairing task of emotion-cause pairs. However, this fail to deal well with the potential relationship between the two subtasks and the extraction task of emotion-cause pairs. At the same time, the grammatical information contained in the document itself is ignored. To address the above issues, we propose a deep neural network based on span association prediction for the task of emotion-cause pair extraction, exploiting general grammatical conventions to span-encode sentences. We use the span association pairing method to obtain candidate emotion-cause pairs, and establish a multi-dimensional information interaction mechanism to screen candidate emotion-cause pairs. Experimental results on a quasi-baseline corpus show that our model can accurately extract potential emotion-cause pairs and outperform existing baselines.

1. Introduction

“Emotion” has always been the focus of attention in the field of natural language processing. With the deepening of research, the potential causes behind emotions have received extensive attention from scholars. Emotion acquisition and its potential causes are widely used in e-commerce operations, public opinion orientation, and early warning of psychological abnormalities. To solve such problems, Lee et al. [1] proposed the emotion cause extraction (ECE) task. The ECE task aims to extract the underlying causes of emotion correspondence in a given document. However, this task needs to mark the emotion in the document in advance, which limits the application scope of the ECE task to a certain extent. In response to this problem, Xia and Ding et al. [2] proposed a new task, the emotion-cause pair extraction (ECPE) task, which aims to identify all potential emotions and their causes from unannotated documents. As shown in Figure 1, the document is divided into six clauses according to punctuation, where clause 1 and clause 5 contain the emotion words “happy” and “excited”, then clause 1 and clause 5 will be marked as emotion clauses. At the same time, the cause corresponding to “happy” is “A rose sent by the volunteers”, and the cause corresponding to “excited” is “The bright red rose”, so clause 1 and clause 4 will be marked as cause-clauses. Finally, through pairing learning, the output of the final task is the emotion-cause pair: Pair A {1,1}, Pair B {5,4}.
In order to improve the accuracy of emotion-cause prediction, Xia and Ding et al. [2] proposed a two-step framework (ECPE-2Step), which used multi-task learning to predict emotion clausesand cause-clauses, and pair them to form candidate emotion-cause pairs. Then, they used a filter to filter all possible emotion-cause pairs to obtain the final result. Experiments showed the effectiveness of the model, but the accuracy of the first step will directly affect the prediction results of the second step, thus reducing the prediction accuracy. In response to this situation, some scholars [3,4,5,6] proposed to use an end-to-end model to solve the ECPE task. Song et al. [7] used an end-to-end multi-task learning connection framework to solve this problem, regarding the ECPE task as a link prediction problem, and used the biaffine attention mechanism to judge whether there was a directional link between emotion and cause. Ding et al. [8] represented emotion-cause pairs in two dimensions and predicted them.
First, existing models fail to deal well with the potential relationship between the two subtasks and the emotion-cause pair task. Although the extraction of emotion clauses and cause-clauses is helpful for the pairing of emotion-cause pairs, it needs to be clear that, emotions and causes are the underlying information contained in the sentence itself. Therefore, we believe that mining the latent semantics of sentences in a targeted manner may be more conducive to the prediction of emotion-cause pairs. Learning the latent semantics of sentences can help to obtain information such as emotion and cause, as well as the connection between the two, thereby improving the prediction accuracy. At the same time, when mining and learning the semantic information of sentences, most scholars ignore the grammatical information contained in the text itself. As shown in Figure 1, the emotion “happy” in the document appears in sentence 1, and its corresponding cause “A rose sent by the volunteers” appears in the same sentence with a span of 0; the emotion “excited” appears in the sentence 5, and the cause “The bright red rose” appears in sentence 4, and the span is 1; both spans are less than or equal to 1. Therefore, according to this grammatical habit, we find that the causes generally appear within a certain range before and after the emotion.
Secondly, the complex pairing module will also cause data redundancy, with a large number of trainable parameters, resulting in excessive computational complexity, thereby reducing the prediction accuracy. Therefore, simplifying the model architecture and reducing model parameters is also one of the problems that current research needs to solve.
To address this issue, we propose a deep neural network model based on span association prediction for emotion-cause pair extraction, identifying effective emotion-cause pairs in an end-to-end manner. “Span association prediction” means using span information to enhance sentence semantic representation, information interaction, and prediction of emotion-cause pairs.The model utilizes a two-level mechanism to encode sentences in documents to obtain representation vectors for sentences. Then, we use a parallel mechanism to update the vector representations of all clauses using the span representation mechanism while making predictions for the emotion clauses and cause-clauses. The span representation mechanism can not only focus on the latent information in sentences, but also accurately capture the relationship between emotions and causes. Next, the obtained sentence representations are input into the span associated pairing mechanism for pairing. Finally, multi-dimensional information fusion is performed to obtain the final candidate pair representation vector, and then the final prediction is performed. Through the scope limit, irrelevant information is automatically filtered out from the model, making it clearer to obtain information. The span-based mode simplifies the model structure and reduces the amount of model parameters, thereby improving the operation accuracy.
The main contributions of this paper are as follows:
  • We propose a span representation method for the ECPE task, which takes advantage of the idea of span association from the perspective of grammatical idioms;
  • We designed a span-related pairing method to obtain candidate emotion-cause pairs, and establish a multi-dimensional information interaction mechanism to screen candidate emotion-cause pairs. At the same time, we simplified the model architecture and the number of trainable parameters was reduced;
  • We experimented with our end-to-end model on a benchmark corpus, and the results showed that our method outperformed the state-of-the-art benchmarks.
The rest of this article is as follows. In the Section 2, the research progress of related scholars on the ECPE task is introduced in detail. The Section 3 mainly introduces the relevant details of the width correlation model. Section 4 presents the detailed experimental details and results analysis. Section 5 concludes the article and presents our outlook.

2. Related Work

2.1. Emotion Cause Extraction

Sentiment analysis is one of the key tasks in the field of natural language processing, and emotion cause extraction is a fine-grained task in the field of text sentiment analysis. Lee et al. [1] first utilized a word-level language rule system to detect causal events to solve the emotion cause extraction (ECE) task. Subsequently, many scholars [9,10,11,12,13] have used different ideas to study the ECE task. Russo et al. [14] proposed to extracting the underlying causes for emotion expression correspondence based on common sense. Yada et al. [15] proposed a bootstrapping technique to automatically acquire conjunctive phrases as textual cue patterns for emotion cause extraction. The proposed method first gathers emotion causes via manually given cue phrases. Hu et al. [16] adopted a way of pre-training a model based on an external emotion classification corpus for reinforcement emotion expression learning. Li et al. [17] adopted an attention-based RNN to capture the interconnectedness between emotion and causes clauses, and then, utilized a convolutional neural network to identify the underlying cause for emotion correspondence. Some work in other research areas has extracted cause in the context of multi-user microblogs [18,19,20,21]. Considering the important role commonsense knowledge plays in understanding implicitly expressed emotions and their causes, Turcan et al. [22] proposed a novel approach that combines commonsense knowledge with multi-task learning through an adaptive knowledge model to perform joint emotion classification and an emotion classification Reason tag. In addition, a model based on neural network architecture [23] was proposed to encode three elements (i.e., text content, relative position and global label) in a unified and end-to-end manner.

2.2. Emotion-Cause Pair Extraction

Emotion cause extraction (ECE) requires emotion labeling during prediction, which largely limits the application scenarios of ECE tasks. To address this issue, Xia et al. [2] first proposed the emotion-cause pair extraction (ECPE) task in 2019 and proposed a two-step framework to extract emotion clauses and cause-clauses, respectively, and input them into the model for training classification, thereby filtering out negative sentence pairs. However, this model also has certain drawbacks. To address these drawbacks, Wei et al. [3] proposed a model named RANKCP, which used a graph neural network to propagate between clauses to learn pairwise representations. The candidate emotion-cause pairs are sorted according to the learned pairwise representations, and finally predicted. Tang et al. [24] proposed a model named LAE-Joint-MANN-BERT, which is based on BERT for joint processing of emotion detection (ED) and ECPE tasks. Specifically, they calculated the attention value of the concatenated clauses in all clauses to indicate the relevance and importance of the concatenated clauses, thereby predicting the probability that each pair was an emotion-cause pair. Similarly, Fan et al. [25] transformed each given document into a directed graph and transform the original dataset into sequences, solving the ECPE task from different perspectives. Fan et al. [26] proposed an order-guided deep prediction model that integrated the different ordering between emotion clauses and cause-clauses into an end-to-end framework to tackle this task. Singh et al. [5] proposed an end-to-end model for the ECPE task, and adapted the NTCIR-13 ECE corpus, and established a baseline for the ECPE task on this dataset; the experiments demonstrated the effectiveness of their model. Chen et al. [27] took advantage of the rich interactions among the three tasks and performed multiple rounds of reasoning to repeatedly detect emotion, cause, and emotion-cause pairs, allowing the three tasks to effectively collaborate to improve prediction accuracy. In addition, through research on multi-task learning and deep learning [28,29,30,31], some scholars [32,33] have expanded the application scope of ECPE tasks and conducted experimental studies.
In the document processing method of ECPE task, many scholars use a two-level mode to process the input document, that is, they take the word as the initial embedding, and then use different motivation methods to process from word level to sentence level and sentence level to document level. This approach can handle the problem of two-level encoding well, while capturing the timing information contained in sentences and documents. Wei et al. [3] used a bidirectional RNN to perform secondary encoding on documents to obtain representations of sentences in documents. Singh et al. [5] utilized word-level Bi-LSTM and sentence-level Bi-LSTM to achieve two-level encoding of input documents.

3. Model

3.1. Problem Definition

We start with a document with multiple clauses, D = S 1 , S 2 , S 3 , , S n , where n is the number of sentences in the document. The emotion-cause pair extraction task aims to extract potential emotion-cause pairs from the given document:
P a i r = , S i e , S i c , ,
where ( S i e , S i c ) represents the i-th emotion-cause pair. It should be noted that one emotion may correspond to multiple causes.

3.2. Overall Framework

We propose a novel framework aimed at identifying different types of emotion-cause pairs (one-to-one and one-to-many) using deep neural networks based on span association prediction, and to reduce prediction errors while improving model efficiency. Our method mainly consists of three parts. First is the span representation part. We use Bi-LSTM and Bi-GRU to perform two-level encoding of sentences in documents, from words to sentences, and then from sentences to documents. The obtained sentence vectors are listed one by one, and each clause is used as a pivot to pay attention to its context information in many aspects. Then, the clauses are enhanced with targeted information to strengthen the causal relationship between sentences. Second is the span association pairing part. Through the obtained sentence vector, we pair the sentences in the document one by one in different spans with each clause as the pivot, and integrate the span information into the vector representation. Finally is the emotion-cause pair prediction part. We integrate the prediction results of emotion and cause, as well as the relative position and other information, and then use the multi-dimensional information interaction mechanism to screen and predict emotion-cause pairs. The details are shown in the Figure 2. Next, the main parts of the model will be described in detail.

3.3. Span Representation

In previous work, the Span-based model was applied in named body recognition, cleverly solving the problems of coverage and discontinuity in Named Entity Recognition (NER) [34]. We believe that the coverage and discontinuity problem in NRE is similar to the emotion and cause discontinuity problem of the ECPE task; therefore, we consider applying the span-based model to the emotion-cause pair extraction task to better address the emotion and cause pairing problems, that is, the one-to-one and one-to-many problems. Span representation combines context-dependent boundary representation with head-spotting attention mechanisms over spans [35]. We apply the span representation to the information learning of emotion and cause as an update mechanism to enhance the information interaction between sentences, as shown in Figure 3. Specifically, given a document D = S 1 , S 2 , S 3 , , S n , the sentence vector S n updated by Bi-GRU is operated as follows to update the sentence information:
a n = F N N s S n ,
a ^ i , n = e x p a n t = S p a n s t a r t i S p a n e n d i e x p a t ,
S n w = t = S p a n s t a r t i S p a n e n d i a ^ i , n S n ,
where F N N s represents a three-layer feedforward neural network, a ^ i , n represents the attention weight of each clause within a certain range, and S n w represents the vector representation of the clause after the information interaction.
The obtained sentence representation is fused with the sentence representation vector S n output by Bi-GRU to obtain the span w, which is described in detail in Section 4.4. Finally, we obtain the updated representation vector X n of the sentence:
X n = a d d [ S n , S n w ] .

3.4. Span Association Pairing

The model needs to extract effective emotion-cause pairs. First, it needs to solve two problems. One is semantic learning. We use the span representation method to solve this problem. The second is how to pair sentences in a document in the most efficient way. According to general language habits, the cause corresponding to an emotion is generally within a certain range before and after the emotion clause, and even appears in the same sentence as the emotion. Therefore, with this intuition, we take each sentence in the document as a hub, pair it with surrounding sentences within a certain span, and fuse information such as the relative positions to obtain the vector representation of the final candidate pair.
E i = F N N i W e S i e m o + b e ,
C i = F N N i W c S i c a u + b c ,
where W e and W c are the weight matrices, respectively, and b e and b c are the bias terms, respectively.
Through the span representation, the update vector representation X of the sentence is obtained, and the clauses in the span w are paired. The span i , j indicates that the clauses at position i and position j are paired. Therefore, emotion-cause pairs can be expressed as:
P a i r i , j = [ X i , X j ] , i [ 1 , n ] , j [ i w , i + w + 1 ] .
Finally, the obtained information needs to be fused to provide multi-faceted information support for the prediction of emotion-cause pairs. Therefore, we fuse emotion and cause predictions with candidate emotion-cause pair representations, while adding relative position information to improve prediction accuracy. The specific formula is as follows:
P i , j = [ P a i r i , j , E i , C i , l o c i , j ] .
In the pairing process (Algorithm 1), since, according to the grammatical information, the causes generally appear within a certain range before and after the emotion, so our model uses each emotion clause as the pivot to perform cyclic pairing within a certain span (Lines 1–4). At the same time, in order to strengthen the degree of association between sentences and provide multi-dimensional information to the model, we add the prediction results of emotion and cause and the relative position information based on the span. (Lines 5–7).
Algorithm 1 Span association pairing algorithm.
Input: An input sentence X = X 1 , X 2 , X 3 , , X n
Output: The candidate pair P
1: for i in  M A X D O C U M E N T L E N G T H  do
2:   for j in  [ i w , i + w + 1 ]  do
3:      if j in  M A X D O C U M E N T L E N G T H  then
4:          P a i r i , j X i , X j
5:       l o c i , j U i , j
6:       Y i , j p a i r E i , C i
7: P P a i r Y p a i r l o c
8:Return P

3.5. Emotion-Cause Pair Prediction

Through span association pairing, we obtain the vector representation P of all candidate emotion-cause pairs s i e m o s i c a u ; then we use a feedforward neural network to combine softmax for prediction:
P ^ i , j = F N N p a i r W p a i r P + b p a i r ,
During the training process, we employ multi-task learning to jointly train the model. We use the cross-entropy loss function to calculate each task, that is, the emotion extraction task, the cause extraction task and the emotion-cause pair extraction task:
L e m o = i = 1 n y i e m o · l o g E i ,
L c a u = i = 1 n y i c a u · l o g C i ,
L p a i r = i = 1 n j = 1 s y i , j p a i r · l o g P ^ i , j ,
where y i e m o , y i c a u , and y i , j p a i r are the true values of emotion, cause, and emotion-cause pair, respectively.
We sum the three to get the loss function of the final model:
L = L p a i r + L e m o + L c a u + λ θ 2 ,
where λ represents the weight of the l 2 regularization term, and θ is the l 2 regularization term of all parameters in the model. For more training details, see the experiment.

4. Experiment

In this section, we evaluate the effectiveness and robustness of the model experimentally, and introduce more experimental details.

4.1. Implementation Details and Evaluation Metrics

We validate the effectiveness of the model using publicly available datasets for the ECPE task built by Xia and Ding. The dataset was annotated on the basis of the ECE task and has 1945 documents whose contents were from Sina City News. In the dataset, each sentence in the document was divided into several clauses, and the specific statistical information is shown in the Table 1. We took clauses as the model input to extract emotion-cause pairs at the sentence level. During the experiment, we divided the dataset into 10 folders, randomly selected nine folders as the training set and one folder as the test set, and repeated the experiment 10 times, and reported the average results.
We use Precision, Recall and the F1-score as metrics to measure our experimental results, calculated as follows:
P = c o r r e c t _ E C P s p r o p o s e d _ E C P s ,
R = c o r r e c t _ E C P s a n n o t a t e d _ E C P s ,
F 1 = 2 × P × R P + R
where c o r r e c t _ E C P s represents the correct emotion-cause pair predicted by the model, p r o p o s e d _ E C P s represents the emotion-cause pair predicted by the model, and a n n o t a t e d _ E C P s represents the emotion-cause pair marked in the dataset.
We used Word2vec [36] to pre-train on the Chinese Weibo corpus to obtain the corresponding word vectors. The dimensions of word embedding and relative position were set to 200 and 50, respectively. The number of hidden units of Bi-LSTM and Bi-GRU in the model were both set to 100. The span size in the span representation was set to seven. To prevent overfitting, dropout in the feedforward neural network was set to 0.5 and 0.9, respectively. L2-normalization was set to 1 × 10 5 .
For training details, we used the stochastic gradient descent (SDG) along with Adam optimization with shuffled batches. The batch size and learning rate were set to 32 and 0.008, respectively. All weight matrices and biases were randomly initialized to a uniform distribution U(0.01, 0.01).

4.2. Baseline Models

We compared our model with the following baseline models:
  • Indep: The first model proposed by Xia and Ding [2] is a two-step model. In the first step, emotion extraction and cause extraction are regarded as two independent tasks, respectively, and the emotion and cause are extracted through Bi-LSTM; in the second step, emotion and cause are paired and the classifier is used for binary classification.
  • Inter-CE [2]: The general process of the model is the same as that of Indep. It is an interactive multi-task learning method that uses the prediction of cause extraction to strengthen emotion extraction.
  • Inter-EC [2]: This is another interactive multi-task learning method that uses predictions from emotion extraction to reinforce cause extraction, the rest of the model is the same as Indep.
  • E2EECPE: An end-to-end model proposed by Song et al. [7], this is a multi-task learning linking framework that exploits a biaffine attention to mine the relationship between any two clauses.
  • ECPE-2D: Proposed by Ding et al. [8], tthis model realizes all the interactions of emotion-cause pairs in 2D, and uses the self-attention mechanism to calculate the attention matrix of emotion-cause pairs. Here, we choose the Inter-EC model with better effect.

4.3. Overall Performance

We calculated the performance analysis of all methods on the three tasks of emotion extraction, cause extraction, and emotion-cause pair extraction, respectively. As shown in the Table 2, among all the compared models, our proposed model achieves the best results in F1 of the three tasks. First, a comparative analysis was performed with the model of Xia and Ding [2] (Indep, Inter-EC and Inter-CE). Taking the relative best model Inter-EC among the three models as an example, our model outperformed its F1 score by 1.86%, 3.10% and 5.66% on the three subtasks, respectively. While Inter-EC takes full account of the correlation between emotion and cause, it increases the likelihood of error propagation as a staged model. The difference is that our model not only considers the correlation between emotion and cause, but also adjusts the ensemble with an end-to-end model, reducing error propagation.
Compared with the other joint models, our model outperformed the ECPE-2D model by 1.73% on the F1-score of the emotion-cause pair extraction task. We guess that ECPE-2D uses the Transformer to learn the relationship between pairs after pairing the predicted emotion and cause combinations, which ignores the direct information contained in the sentence itself. In contrast, our model strengthens the learning of sentence information, and strengthens sentence information with emotion as the pivot according to general language habits, thereby achieving better information fusion and obtaining better experimental results. Not only that, our model also has 11.92% less parameter size than ECPE-2D. The details are shown in the Table 3. In addition, our model also achieved better results than the E2EECPE model, which may be caused by insufficient learning of emotion and cause.

4.4. Further Discussions

Ablation experiment To verify the effectiveness of the model, we conducted ablation experiments on each module of the model. The experimental results were compared one by one, and the results are shown in the Table 4.
First, we remove the span representation module. Compared with our model, we found that the score was significantly lower on the F1 metric, which can verified the effectiveness of the module. At the same time, it can be found that the accuracy P was improved in the model without the span representation module. Therefore, from another perspective, Span association pairing can improve the prediction accuracy of the model through precise positioning.
Second, we remove the span association pairing module. By analyzing the Table 4, it can be seen that the comprehensive index F1 has dropped significantly. However, the recall rate was significantly improved by 2.26%. We speculate that this may be the function of the span representation module, which strengthens the relationship between sentences and performs multi-scale fusion of sentence information, thereby improving the recall rate R of the model.
Along with the above analysis, our model combines the above two modules, starting from the precision and recall rate, respectively, the two modules interact, and improve the precision and recall rate at the same time, and finally improve the F1, which is better than the most Advanced Baseline Model.
Comparing with span selection In the model, whether it is the module span representation or span association pairing, it is operated within a certain span. Thus, the selection of this span is particularly important, so we have conducted experiments with different widths, and the experimental results are shown in the Figure 4 and Figure 5.
It can be seen from the experiments that on the ECPE task, span 3 was significantly better than the other spans, so that P and R have a good balance, thus obtaining the optimal F1 value. We also analyzed two subtasks, and the performance on the two subtasks was not the same for different spans. Span 1 and Span 3 performed better in the two subtasks, but synthesizing the ECPE task, we finally choose Span 3 as the width of the model. According to the experimental results, we found that the cause for emotion correspondence was generally distributed in the three clauses before and after the clause where the emotion was located, and processing sentences within this range will obtain the best results.

5. Conclusions

The emotion-cause pair extraction (ECPE) task is a fine-grained sentiment analysis task that captures the emotion in documents and their underlying causes. In this paper, we proposed a deep neural network model based on span association prediction for emotion-cause pair extraction. Using the span representation method, from the perspective of grammatical habits, the idea of span was used to deal with this task. At the same time, a span association matching method was used to strengthen the study of the deep meaning of sentences, pair the sentences in the document, and accurately obtain the candidate emotion-cause pairs. At the same time, we simplified the model architecture and reduced the number of trainable parameters, thus improving the prediction accuracy of the model. In the future, we plan to conduct in-depth research on accurately capturing the latent information of sentences, and integrate methods such as a graph attention mechanism into our model to improve the prediction accuracy of the model. In future work, we hope to incorporate more advanced modules, such as a graph attention network, BERT, etc., to enhance semantic learning.

Author Contributions

Methodology, Y.Y.; Supervision, W.H., Z.P., L.X. and X.H.; Writing—original draft, Y.Y.; Writing—review & editing, Y.Y. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the Natural Science Foundation of China, grant number No. 61967006, No. 62067002 and No. 62062033, and the Natural Science Foundation of Jiangxi Province grant number No. 20212BAB202008.

Data Availability Statement

Not applicable.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Lee, S.Y.M.; Chen, Y.; Huang, C.R. A text-driven rule-based system for emotion cause detection. In Proceedings of the NAACL HLT 2010 Workshop on Computational Approaches to Analysis and Generation of Emotion in Text, Los Angeles, CA, USA, 5 June 2010; pp. 45–53. [Google Scholar]
  2. Xia, R.; Ding, Z. Emotion-Cause Pair Extraction: A New Task to Emotion Analysis in Texts. arXiv 2019, arXiv:1906.01267. [Google Scholar]
  3. Wei, P.; Zhao, J.; Mao, W. Effective Inter-Clause Modeling for End-to-End Emotion-Cause Pair Extraction. In Proceedings of the 58th Annual Meeting of the Association for Computational Linguistics, Online, 5–10 July 2020; pp. 3171–3181. [Google Scholar]
  4. Chen, X.; Li, Q.; Wang, J. A Unified Sequence Labeling Model for Emotion Cause Pair Extraction. In Proceedings of the 28th International Conference on Computational Linguistics, Barcelona, Spain, 8–13 December 2020; pp. 208–218. [Google Scholar]
  5. Singh, A.; Hingane, S.; Wani, S.; Modi, A. An End-to-End Network for Emotion-Cause Pair Extraction. arXiv 2021, arXiv:2103.01544. [Google Scholar]
  6. Xia, R.; Zhang, M.; Ding, Z. RTHN: A RNN-Transformer Hierarchical Network for Emotion Cause Extraction. arXiv 2019, arXiv:1906.01236. [Google Scholar]
  7. Song, H.; Zhang, C.; Li, Q.; Song, D. End-to-end Emotion-Cause Pair Extraction via Learning to Link. arXiv 2020, arXiv:2002.10710. [Google Scholar]
  8. Ding, Z.; Xia, R.; Yu, J. ECPE-2D: Emotion-cause pair extraction based on joint two-dimensional representation, interaction and prediction. In Proceedings of the 58th Annual Meeting of the Association for Computational Linguistics, Online, 5–10 July 2020; pp. 3161–3170. [Google Scholar]
  9. Xu, R.; Hu, J.; Lu, Q.; Wu, D.; Gui, L. An ensemble approach for emotion cause detection with event extraction and multi-kernel SVMs. Tsinghua Sci. Technol. 2017, 22, 646–659. [Google Scholar] [CrossRef]
  10. Chen, Y.; Hou, W.; Cheng, X. Hierarchical Convolution Neural Network for Emotion Cause Detection on Microblogs. In Proceedings of the 27th International Conference on Artificial Neural Networks, Rhodes, Greece, 4–7 October 2018. [Google Scholar]
  11. Wan, J.; Ren, H. Emotion Cause Detection with a Hierarchical Network. In Proceedings of the Sixth International Congress on Information and Communication Technology, London, UK, 25–26 February 2021. [Google Scholar]
  12. Yan, H.; Gui, L.; Pergola, G.; He, Y. Position Bias Mitigation: A Knowledge-Aware Graph Model for Emotion Cause Extraction. In Proceedings of the 59th Annual Meeting of the Association for Computational Linguistics and the 11th International Joint Conference on Natural Language Processing, ACL/IJCNLP, Bangkok, Thailand, 1–6 August 2021; pp. 3364–3375. [Google Scholar]
  13. Khooshabeh, P.; de Melo, C.; Volkman, B.; Gratch, J.; Blascovich, J.; Carnevale, P.J. Negotiation Strategies with Incongruent Facial Expressions of Emotion Cause Cardiovascular Threat. In Proceedings of the Annual Meeting of the Cognitive Science Society, Berlin, Germany, 31 July–3 August 2013. [Google Scholar]
  14. Russo, I.; Caselli, T.; Rubino, F.; Boldrini, E.; Martínez-Barco, P. EMOCause: An Easy-adaptable Approach to Extract Emotion Cause Contexts. WASSA@ACL 2011, 2011, 153–160. [Google Scholar]
  15. Yada, S.; Ikeda, K.; Hoashi, K.; Kageura, K. A Bootstrap Method for Automatic Rule Acquisition on Emotion Cause Extraction. In Proceedings of the 2017 IEEE International Conference on Data Mining Workshops (ICDMW), New Orleans, LA, USA, 18–21 November 2017; pp. 414–421. [Google Scholar]
  16. Hu, J.; Shi, S.; Huang, H. Combining External Sentiment Knowledge for Emotion Cause Detection. In Proceedings of the 8th CCF International Conference, NLPCC 2019, Dunhuang, China, 9–14 October 2019. [Google Scholar]
  17. Li, X.; Song, K.; Feng, S.; Wang, D.; Zhang, Y. A Co-Attention Neural Network Model for Emotion Cause Analysis with Emotional Context Awareness. In Proceedings of the 2018 Conference on Empirical Methods in Natural Language Processing, Brussels, Belgium, 31 October–4 November 2018; pp. 4752–4757. [Google Scholar]
  18. Li, X.; Gao, W.; Feng, S.; Zhang, Y.; Wang, D. Boundary Detection with BERT for Span-level Emotion Cause Analysis. Find. Assoc. Comput. Linguist. 2021, 2021, 676–682. [Google Scholar]
  19. Li, X.; Gao, W.; Feng, S.; Wang, D.; Joty, S.R. Span-level Emotion Cause Analysis with Neural Sequence Tagging. In Proceedings of the 30th ACM International Conference on Information & Knowledge Management, Queensland, Australia, 1–5 November 2021; pp. 3227–3231. [Google Scholar]
  20. Hu, G.; Lu, G.; Zhao, Y. FSS-GCN: A graph convolutional networks with fusion of semantic and structure for emotion cause analysis. Knowl. Based Syst. 2021, 212, 106584. [Google Scholar] [CrossRef]
  21. Li, X.; Gao, W.; Feng, S.; Wang, D.; Joty, S.R. Span-Level Emotion Cause Analysis by BERT-based Graph Attention Network. In Proceedings of the 30th ACM International Conference on Information & Knowledge Management, Queensland, Australia, 1–5 November2021; pp. 3221–3226. [Google Scholar]
  22. Turcan, E.; Wang, S.; Anubhai, R.; Bhattacharjee, K.; Al-Onaizan, Y.; Muresan, S. Multi-Task Learning and Adapted Knowledge Models for Emotion-Cause Extraction. arXiv 2021, arXiv:2106.09790. [Google Scholar]
  23. Ding, Z.; He, H.; Zhang, M.; Xia, R. From Independent Prediction to Re-ordered Prediction: Integrating Relative Position and Global Label Information to Emotion Cause Identification. Proc. AAAI Conf. Artif. Intell. 2019, 33, 6343–6350. [Google Scholar]
  24. Tang, H.; Ji, D.; Zhou, Q. Joint multi-level attentional model for emotion detection and emotion-cause pair extraction. Neurocomputing 2020, 409, 329–340. [Google Scholar] [CrossRef]
  25. Fan, C.; Yuan, C.; Du, J.; Gui, L.; Yang, M.; Xu, R. Transition-based Directed Graph Construction for Emotion-Cause Pair Extraction. In Proceedings of the 58th Annual Meeting of the Association for Computational Linguistics, Online, 5–10 July 2020; pp. 3707–3717. [Google Scholar]
  26. Fan, W.; Zhu, Y.; Wei, Z.; Yang, T.; Ip, A.W.H.; Zhang, Y. Order-guided deep neural network for emotion-cause pair prediction. Appl. Soft Comput. 2021, 112, 107818. [Google Scholar] [CrossRef]
  27. Chen, F.; Shi, Z.; Yang, Z.; Huang, Y. Recurrent synchronization network for emotion-cause pair extraction. Knowl. Based Syst. 2022, 238, 107965. [Google Scholar] [CrossRef]
  28. Zhang, Y.; Yang, Q. A Survey on Multi-Task Learning. IEEE Trans. Knowl. Data Eng. 2021. [Google Scholar] [CrossRef]
  29. Thung, K.H.; Wee, C.Y. A brief review on multi-task learning. Multimed. Tools Appl. 2018, 77, 29705–29725. [Google Scholar] [CrossRef]
  30. Kuang, Z.; Zhang, X.; Yu, J.; Li, Z.; Fan, J. Deep Embedding of Concept Ontology for Hierarchical Fashion Recognition. Neurocomputing 2020, 425, 191–206. [Google Scholar] [CrossRef]
  31. Kuang, Z.; Yu, J.; Li, Z.; Zhang, B.; Fan, J. Integrating Multi-Level Deep Learning and Concept Ontology for Large-Scale Visual Recognition. Pattern Recognit. 2018, 78, 198–214. [Google Scholar] [CrossRef]
  32. Mittal, A.; Vaishnav, J.T.; Kaliki, A.; Johns, N.; Pease, W. Emotion-Cause Pair Extraction in Customer Reviews. arXiv 2021, arXiv:2112.03984. [Google Scholar]
  33. Guyon, I.; Statnikov, A.R. Results of the Cause-Effect Pair Challenge; Springer: Berlin/Heidelberg, Germany, 2019. [Google Scholar]
  34. Li, F.; Lin, Z.; Zhang, M.; Ji, D. A Span-Based Model for Joint Overlapped and Discontinuous Named Entity Recognition. arXiv 2021, arXiv:2106.14373. [Google Scholar]
  35. Lee, K.; He, L.; Lewis, M.; Zettlemoyer, L. End-to-end Neural Coreference Resolution. arXiv 2017, arXiv:1707.07045. [Google Scholar]
  36. Goldberg, Y.; Levy, O. word2vec Explained: Deriving Mikolov et al.’s negative-sampling word-embedding method. arXiv 2014, arXiv:1402.3722. [Google Scholar]
Figure 1. Document instances in the dataset.
Figure 1. Document instances in the dataset.
Sensors 22 03637 g001
Figure 2. The general framework SAP-ECPE for ECPE tasks is introduced. The model consists of three parts, namely span representation, span pairing, and joint prediction, where Emo represents the prediction of the emotion clause and Cau represents the prediction of the cause-clause, span pairing represents the span association pairing module; and joint prediction represents the multidimensional information joint prediction module.
Figure 2. The general framework SAP-ECPE for ECPE tasks is introduced. The model consists of three parts, namely span representation, span pairing, and joint prediction, where Emo represents the prediction of the emotion clause and Cau represents the prediction of the cause-clause, span pairing represents the span association pairing module; and joint prediction represents the multidimensional information joint prediction module.
Sensors 22 03637 g002
Figure 3. The processing based on span representation is described in detail, where S represents the sentence representation vector output by Bi-GRU.
Figure 3. The processing based on span representation is described in detail, where S represents the sentence representation vector output by Bi-GRU.
Sensors 22 03637 g003
Figure 4. Precision, recall, and F1 value variation of ECPE tasks across different spans.
Figure 4. Precision, recall, and F1 value variation of ECPE tasks across different spans.
Sensors 22 03637 g004
Figure 5. F1 changes of emotion clause extraction task and cause clause extraction task in different spans.
Figure 5. F1 changes of emotion clause extraction task and cause clause extraction task in different spans.
Sensors 22 03637 g005
Table 1. Statistics on the number of emotion-cause pairs in the dataset.
Table 1. Statistics on the number of emotion-cause pairs in the dataset.
DocumentPercentage
ALL1945100%
1 pair174689.77%
2 pairs1779.10%
≥3 pairs221.13%
Table 2. Comparison of model results for ECPE task, emotion extraction and cause extraction. The maximum value is marked in bold.
Table 2. Comparison of model results for ECPE task, emotion extraction and cause extraction. The maximum value is marked in bold.
Emotion ExtCause ExtEmotion-Cause Pair Ext
Models P(%) R(%) F1(%) P(%) R(%) F1(%) P(%) R(%) F1(%) Δ
Indep83.7580.7182.1069.0256.7362.0568.3250.8259.18−7.02%
Inter-CE84.9481.2283.0068.0956.3461.5169.0251.3559.01−7.29%
Inter-EC83.6481.0782.3070.4160.8365.0767.2157.0561.28−3.72%
E2EECPE85.9579.1582.3870.6260.3065.0364.7861.0562.80−1.34%
ECPE-2D84.6381.9583.1972.1762.6667.0171.3157.8663.650
SAP-ECPE86.3181.5883.8370.1164.4267.0972.1858.9264.75+1.73%
Table 3. Comparison of trainable parameters for SAP-ECPE and ECPE-2D.
Table 3. Comparison of trainable parameters for SAP-ECPE and ECPE-2D.
MethodTrainable Parameters Δ
SAP-ECPE933,75511.92%
ECPE-2D(Inter-EC)1,060,1160
Table 4. Results of ablation experiments on the model on the ECPE task. The maximum value is marked in bold.
Table 4. Results of ablation experiments on the model on the ECPE task. The maximum value is marked in bold.
MethodP(%)R(%)F1(%) Δ
Ours w/o Span pepresentation72.4357.2563.87−1.36%
Ours w/o Span association pairing67.3760.2563.54−1.87%
Ours72.1858.9264.750
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Huang, W.; Yang, Y.; Peng, Z.; Xiong, L.; Huang, X. Deep Neural Networks Based on Span Association Prediction for Emotion-Cause Pair Extraction. Sensors 2022, 22, 3637. https://doi.org/10.3390/s22103637

AMA Style

Huang W, Yang Y, Peng Z, Xiong L, Huang X. Deep Neural Networks Based on Span Association Prediction for Emotion-Cause Pair Extraction. Sensors. 2022; 22(10):3637. https://doi.org/10.3390/s22103637

Chicago/Turabian Style

Huang, Weichun, Yixue Yang, Zhiying Peng, Liyan Xiong, and Xiaohui Huang. 2022. "Deep Neural Networks Based on Span Association Prediction for Emotion-Cause Pair Extraction" Sensors 22, no. 10: 3637. https://doi.org/10.3390/s22103637

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