no code implementations • EMNLP 2021 • Yi Chen, Haiyun Jiang, Lemao Liu, Shuming Shi, Chuang Fan, Min Yang, Ruifeng Xu
Auxiliary information from multiple sources has been demonstrated to be effective in zero-shot fine-grained entity typing (ZFET).
1 code implementation • ACL 2022 • Bin Liang, Qinglin Zhu, Xiang Li, Min Yang, Lin Gui, Yulan He, Ruifeng Xu
In this paper, we propose a joint contrastive learning (JointCL) framework, which consists of stance contrastive learning and target-aware prototypical graph contrastive learning.
no code implementations • Findings (EMNLP) 2021 • Jun Gao, YuHan Liu, Haolin Deng, Wei Wang, Yu Cao, Jiachen Du, Ruifeng Xu
The emotion cause is a stimulus for human emotions.
2 code implementations • EMNLP 2021 • Bin Liang, Hang Su, Rongdi Yin, Lin Gui, Min Yang, Qin Zhao, Xiaoqi Yu, Ruifeng Xu
To be specific, we first regard each aspect as a pivot to derive aspect-aware words that are highly related to the aspect from external affective commonsense knowledge.
no code implementations • CCL 2020 • Wangda Luo, YuHan Liu, Bin Liang, Ruifeng Xu
针对问答立场任务中, 现有方法难以提取问答文本间的依赖关系问题, 本文提出一种基于循环交互注意力(Recurrent Interactive Attention, RIA)网络的问答立场分析方法。该方法通过模仿人类阅读理解时的思维方式, 基于交互注意力机制和循环迭代方法, 有效地从问题和答案的相互联系中挖掘问答文本的立场信息。此外, 该方法将问题进行陈述化表示, 有效地解决疑问句表述下问题文本无法明确表达自身立场的问题。实验结果表明, 本文方法取得了比现有模型方法更好的效果, 同时证明该方法能有效拟合问答立场分析任务中的问答对依赖关系。
no code implementations • EMNLP 2021 • Jianzhu Bao, Bin Liang, Jingyi Sun, Yice Zhang, Min Yang, Ruifeng Xu
In this paper, we tackle the APE task by a mutual guidance framework, which could utilize the information of an argument in one passage to guide the identification of arguments that can form pairs with it in another passage.
Ranked #1 on
Argument Pair Extraction (APE)
on RR
no code implementations • EMNLP 2021 • Qianlong Wang, Zhiyuan Wen, Qin Zhao, Min Yang, Ruifeng Xu
In this paper, we use two means to alleviate the noise in the pseudo-labels.
1 code implementation • EMNLP 2020 • Wanwei He, Min Yang, Rui Yan, Chengming Li, Ying Shen, Ruifeng Xu
Instead of adopting the classic student-teacher learning of forcing the output of a student network to exactly mimic the soft targets produced by the teacher networks, we introduce two discriminators as in generative adversarial network (GAN) to transfer knowledge from two teachers to the student.
Ranked #5 on
Task-Oriented Dialogue Systems
on KVRET
no code implementations • COLING 2022 • Zijie Lin, Bin Liang, Yunfei Long, Yixue Dang, Min Yang, Min Zhang, Ruifeng Xu
This essentially allows the framework to understand the appropriate graph structures for learning intricate relations among different modalities.
1 code implementation • COLING 2022 • Zeyi Zhong, Min Yang, Ruifeng Xu
In this paper, we propose a novel Spurious Correlation reduction method to improve the robustness of the neural ANswer selection models (SCAN) from the sample and feature perspectives by removing the feature dependencies and language biases in answer selection.
no code implementations • CCL 2022 • Bin Liang, Zijie Lin, Bing Qin, Ruifeng Xu
“现有的文本讽刺识别研究通常只停留在句子级别的讽刺表达分类, 缺乏考虑讽刺对象对讽刺表达的影响。针对这一问题, 本文提出一个新的面向话题的讽刺识别任务。该任务通过话题的引入, 以话题作为讽刺对象, 有助于更好地理解和建模讽刺表达。对应地, 本文构建了一个新的面向话题的讽刺识别数据集。这个数据集包含了707个话题, 以及对应的4871个话题-评论对组。在此基础上, 基于提示学习和大规模预训练语言模型, 提出了一种面向话题的讽刺表达提示学习模型。在本文构建的面向话题讽刺识别数据集上的实验结果表明, 相比基线模型, 本文所提出的面向话题的讽刺表达提示学习模型取得了更优的性能。同时, 实验分析也表明本文提出的面向话题的讽刺识别任务相比传统的句子级讽刺识别任务更具挑战性。”
no code implementations • CCL 2022 • Zixiao Chen, Bin Liang, Ruifeng Xu
“零样本立场检测目的是针对未知目标数据进行立场极性预测。一般而言, 文本的立场表达是与所讨论的目标主题是紧密联系的。针对未知目标的立场检测, 本文将立场表达划分为两种类型:一类在说话者面向不同的主题和讨论目标时表达相同的立场态度, 称之为目标无关的表达;另一类在说话者面向特定主题和讨论目标时才表达相应的立场态度, 本文称之为目标依赖的表达。对这两种表达进行区分, 有效学习到目标无关的表达方式并忽略目标依赖的表达方式, 有望强化模型的可迁移能力, 使其更加适应零样本立场检测任务。据此, 本文提出了一种基于主题提示学习的零样本立场检测方法。具体而言, 受自监督学习的启发, 本文为了零样本立场检测设置了一个代理任务框架。其中, 代理任务通过掩盖上下文中的目标主题词生成辅助样本, 并基于提示学习分别预测原样本和辅助样本的立场表达, 随后判断原样本和辅助样本的立场表达是否一致, 从而在无需人工标注的情况下判断样本的立场表达是否依赖于目标的代理标签。然后, 将此代理标签提供给立场检测模型, 对应学习可迁移的立场检测特征。在两个基准数据集上的大量实验表明, 本文提出的方法在零样本立场检测任务中相比基线模型取得了更优的性能。”
no code implementations • SemEval (NAACL) 2022 • Yihui Li, Yifan Yang, Yice Zhang, Ruifeng Xu
This paper describes our system that participated in the SemEval-2022 Task 10: Structured Sentiment Analysis, which aims to extract opinion tuples from texts. A full opinion tuple generally contains an opinion holder, an opinion target, the sentiment expression, and the corresponding polarity. The complex structure of the opinion tuple makes the task challenging. To address this task, we formalize it as a span-relation extraction problem and propose a two-stage extraction framework accordingly. In the first stage, we employ the span module to enumerate spans and then recognize the type of every span. In the second stage, we employ the relation module to determine the relation between spans. Our system achieves competitive results and ranks among the top-10 systems in almost subtasks.
no code implementations • EMNLP 2020 • Chaofa Yuan, Chuang Fan, Jianzhu Bao, Ruifeng Xu
The task of emotion-cause pair extraction deals with finding all emotions and the corresponding causes in unannotated emotion texts.
1 code implementation • ACL 2022 • Jianzhu Bao, Jingyi Sun, Qinglin Zhu, Ruifeng Xu
Argument pair extraction (APE) aims to automatically mine argument pairs from two interrelated argumentative documents.
Argument Pair Extraction (APE)
Machine Reading Comprehension
no code implementations • ACL 2022 • Yi Chen, Jiayang Cheng, Haiyun Jiang, Lemao Liu, Haisong Zhang, Shuming Shi, Ruifeng Xu
In this paper, we firstly empirically find that existing models struggle to handle hard mentions due to their insufficient contexts, which consequently limits their overall typing performance.
1 code implementation • ACL 2022 • Bin Liang, Chenwei Lou, Xiang Li, Min Yang, Lin Gui, Yulan He, Wenjie Pei, Ruifeng Xu
Then, the descriptions of the objects are served as a bridge to determine the importance of the association between the objects of image modality and the contextual words of text modality, so as to build a cross-modal graph for each multi-modal instance.
1 code implementation • 23 May 2023 • Rui Wang, Hongru Wang, Fei Mi, Yi Chen, Ruifeng Xu, Kam-Fai Wong
Numerous works are proposed to improve or evaluate the capabilities of Large language models (LLMs) to fulfill user instructions.
1 code implementation • 19 May 2023 • Hongru Wang, Rui Wang, Fei Mi, Zezhong Wang, Ruifeng Xu, Kam-Fai Wong
To this end, we first construct a benchmark of 6 dialogue or question-answering datasets in both English and Chinese, covering 3 different aspects of user status (\textit{including} \textit{personality}, \textit{emotion}, and \textit{psychology}).
no code implementations • 4 May 2023 • Xingwei Liang, You Zou, Ruifeng Xu
Emotion Recognition in Conversation~(ERC) across modalities is of vital importance for a variety of applications, including intelligent healthcare, artificial intelligence for conversation, and opinion mining over chat history.
1 code implementation • 20 Apr 2023 • Xiaokang Liu, Jianquan Li, Jingjing Mu, Min Yang, Ruifeng Xu, Benyou Wang
In this paper, we introduce novel K-center contrastive learning and adjustable decision boundary learning (CLAB) to improve the effectiveness of open intent classification.
no code implementations • 3 Apr 2023 • Yi Chen, Rui Wang, Haiyun Jiang, Shuming Shi, Ruifeng Xu
Evaluating the quality of generated text is a challenging task in natural language processing.
no code implementations • 7 Mar 2023 • Jun Gao, Huan Zhao, Changlong Yu, Ruifeng Xu
While ChatGPT has demonstrated impressive results in tasks like machine translation, text summarization, and question answering, it presents challenges when used for complex tasks like event extraction.
no code implementations • 6 Mar 2023 • Mingshan Chang, Min Yang, Qingshan Jiang, Ruifeng Xu
Concretely, we employ the Variational Information Bottleneck (VIB) principle to learn an informative and compressed network (self-pruned network) from the original network, which discards the superfluous patterns or spurious correlations between input features and prediction labels.
no code implementations • 6 Jan 2023 • Jun Gao, Changlong Yu, Wei Wang, Huan Zhao, Ruifeng Xu
We present Mask-then-Fill, a flexible and effective data augmentation framework for event extraction.
1 code implementation • 7 Dec 2022 • Fangqi Zhu, Jun Gao, Changlong Yu, Wei Wang, Chen Xu, Xin Mu, Min Yang, Ruifeng Xu
First, the pretrained language models adopted by current works ignore event-level knowledge, resulting in an inability to capture the correlations between events well.
1 code implementation • NAACL 2022 • Hanhao Qu, Yu Cao, Jun Gao, Liang Ding, Ruifeng Xu
We present IBR, an Iterative Backward Reasoning model to solve the proof generation tasks on rule-based Question Answering (QA), where models are required to reason over a series of textual rules and facts to find out the related proof path and derive the final answer.
no code implementations • 14 May 2022 • Jingya Zang, Cuiyun Gao, Yupan Chen, Ruifeng Xu, Lanjun Zhou, Xuan Wang
However, reviews of music songs are generally long in length and most of them are non-informative for users.
1 code implementation • 7 May 2022 • YuHan Liu, Jun Gao, Jiachen Du, Lanjun Zhou, Ruifeng Xu
The emotion-aware dialogue management contains two parts: (1) Emotion state tracking maintains the current emotion state of the user and (2) Empathetic dialogue policy selection predicts a target emotion and a user's intent based on the results of the emotion state tracking.
1 code implementation • ACL 2022 • Jun Gao, Wei Wang, Changlong Yu, Huan Zhao, Wilfred Ng, Ruifeng Xu
Representations of events described in text are important for various tasks.
no code implementations • ACL 2021 • Jianzhu Bao, Chuang Fan, Jipeng Wu, Yixue Dang, Jiachen Du, Ruifeng Xu
Moreover, due to the complex nature of argumentation, there is, so far, no universal method that can address both tree and non-tree structured argumentation.
no code implementations • SEMEVAL 2021 • Qinglin Zhu, Zijie Lin, Yice Zhang, Jingyi Sun, Xiang Li, Qihui Lin, Yixue Dang, Ruifeng Xu
This paper presents the winning system that participated in SemEval-2021 Task 5: Toxic Spans Detection.
1 code implementation • ACL 2021 • Binzong Geng, Fajie Yuan, Qiancheng Xu, Ying Shen, Ruifeng Xu, Min Yang
This ability to learn consecutive tasks without forgetting how to perform previously trained problems is essential for developing an online dialogue system.
1 code implementation • 21 Jun 2021 • Binzong Geng, Min Yang, Fajie Yuan, Shupeng Wang, Xiang Ao, Ruifeng Xu
In this paper, we propose a novel iterative network pruning with uncertainty regularization method for lifelong sentiment classification (IPRLS), which leverages the principles of network pruning and weight regularization.
no code implementations • 30 May 2021 • Jun Gao, Wei Bi, Ruifeng Xu, Shuming Shi
We first clarify an assumption on reference-based metrics that, if more high-quality references are added into the reference set, the reliability of the metric will increase.
1 code implementation • COLING 2020 • Bin Liang, Rongdi Yin, Lin Gui, Jiachen Du, Ruifeng Xu
Besides, to interactively extract the inter-aspect relations for the specific aspect, an inter-aspect GCN is adopted to model the representations learned by aspect-focused GCN based on the inter-aspect graph which is constructed by the relative dependencies between the aspect words and other aspects.
1 code implementation • COLING 2020 • Jian Wang, Junhao Liu, Wei Bi, Xiaojiang Liu, Kejing He, Ruifeng Xu, Min Yang
To conquer these limitations, we propose a Dual Dynamic Memory Network (DDMN) for multi-turn dialog generation, which maintains two core components: dialog memory manager and KB memory manager.
1 code implementation • EMNLP 2020 • Jianquan Li, Xiaokang Liu, Honghong Zhao, Ruifeng Xu, Min Yang, Yaohong Jin
In this way, our model can learn from different teacher layers adaptively for various NLP tasks.
1 code implementation • ACL 2020 • Chuang Fan, Chaofa Yuan, Jiachen Du, Lin Gui, Min Yang, Ruifeng Xu
Emotion-cause pair extraction aims to extract all potential pairs of emotions and corresponding causes from unannotated emotion text.
Ranked #2 on
Emotion-Cause Pair Extraction
on ECPE-FanSplit
no code implementations • LREC 2020 • Chaofa Yuan, Yu-Han Liu, Rongdi Yin, Jun Zhang, Qinling Zhu, Ruibin Mao, Ruifeng Xu
Based on high quality annotation guideline and effective quality control strategy, a corpus with 8, 314 target-level sentiment annotation is constructed on 6, 336 paragraphs from Chinese financial news text.
no code implementations • LREC 2020 • Xiaochang Gong, Qin Zhao, Jun Zhang, Ruibin Mao, Ruifeng Xu
Thus, the detection and processing of sarcasm is important to social media analysis. However, most existing sarcasm dataset are in English and there is still a lack of authoritative Chinese sarcasm dataset.
1 code implementation • 16 Dec 2019 • Jian Wang, Junhao Liu, Wei Bi, Xiaojiang Liu, Kejing He, Ruifeng Xu, Min Yang
In this paper, we propose a novel knowledge-aware dialogue generation model (called TransDG), which transfers question representation and knowledge matching abilities from knowledge base question answering (KBQA) task to facilitate the utterance understanding and factual knowledge selection for dialogue generation.
no code implementations • IJCNLP 2019 • Lin Gui, Jia Leng, Gabriele Pergola, Yu Zhou, Ruifeng Xu, Yulan He
In recent years, advances in neural variational inference have achieved many successes in text processing.
1 code implementation • IJCNLP 2019 • Qingnan Jiang, Lei Chen, Ruifeng Xu, Xiang Ao, Min Yang
Aspect-based sentiment analysis (ABSA) has attracted increasing attention recently due to its broad applications.
Ranked #3 on
Aspect-Based Sentiment Analysis (ABSA)
on MAMS
no code implementations • IJCNLP 2019 • Chuang Fan, Hongyu Yan, Jiachen Du, Lin Gui, Lidong Bing, Min Yang, Ruifeng Xu, Ruibin Mao
Emotion cause analysis, which aims to identify the reasons behind emotions, is a key topic in sentiment analysis.
Ranked #2 on
Emotion Cause Extraction
on ECE
no code implementations • ACL 2019 • Bin Liang, Jiachen Du, Ruifeng Xu, Binyang Li, Hejiao Huang
Attention-based neural models were employed to detect the different aspects and sentiment polarities of the same target in targeted aspect-based sentiment analysis (TABSA).
no code implementations • EMNLP 2018 • Di Chen, Jiachen Du, Lidong Bing, Ruifeng Xu
Inferring the agreement/disagreement relation in debates, especially in online debates, is one of the fundamental tasks in argumentation mining.
no code implementations • EMNLP 2018 • Jiachen Du, Wenjie Li, Yulan He, Ruifeng Xu, Lidong Bing, Xuan Wang
Combining the virtues of probability graphic models and neural networks, Conditional Variational Auto-encoder (CVAE) has shown promising performance in applications such as response generation.
no code implementations • EMNLP 2017 • Lin Gui, Jiannan Hu, Yulan He, Ruifeng Xu, Qin Lu, Jiachen Du
Emotion cause extraction aims to identify the reasons behind a certain emotion expressed in text.
no code implementations • 18 Aug 2017 • Lin Gui, Jiannan Hu, Yulan He, Ruifeng Xu, Qin Lu, Jiachen Du
Emotion cause extraction aims to identify the reasons behind a certain emotion expressed in text.
Ranked #8 on
Emotion Cause Extraction
on ECE