Search Results for author: Linfeng Song

Found 71 papers, 32 papers with code

A Graph-to-Sequence Model for AMR-to-Text Generation

1 code implementation ACL 2018 Linfeng Song, Yue Zhang, Zhiguo Wang, Daniel Gildea

The problem of AMR-to-text generation is to recover a text representing the same meaning as an input AMR graph.

 Ranked #1 on Graph-to-Sequence on LDC2015E86: (using extra training data)

AMR-to-Text Generation Graph-to-Sequence +1

N-ary Relation Extraction using Graph State LSTM

2 code implementations28 Aug 2018 Linfeng Song, Yue Zhang, Zhiguo Wang, Daniel Gildea

Cross-sentence $n$-ary relation extraction detects relations among $n$ entities across multiple sentences.

Relation Relation Extraction +1

Tackling Graphical NLP problems with Graph Recurrent Networks

1 code implementation13 Jul 2019 Linfeng Song

How to properly model graphs is a long-existing and important problem in NLP area, where several popular types of graphs are knowledge graphs, semantic graphs and dependency graphs.

Knowledge Graphs Machine Reading Comprehension +3

JointGT: Graph-Text Joint Representation Learning for Text Generation from Knowledge Graphs

1 code implementation Findings (ACL) 2021 Pei Ke, Haozhe Ji, Yu Ran, Xin Cui, LiWei Wang, Linfeng Song, Xiaoyan Zhu, Minlie Huang

Existing pre-trained models for knowledge-graph-to-text (KG-to-text) generation simply fine-tune text-to-text pre-trained models such as BART or T5 on KG-to-text datasets, which largely ignore the graph structure during encoding and lack elaborate pre-training tasks to explicitly model graph-text alignments.

Graph Reconstruction KG-to-Text Generation +3

Neural Collective Entity Linking Based on Recurrent Random Walk Network Learning

1 code implementation20 Jun 2019 Mengge Xue, Weiming Cai, Jinsong Su, Linfeng Song, Yubin Ge, Yubao Liu, Bin Wang

However, most neural collective EL methods depend entirely upon neural networks to automatically model the semantic dependencies between different EL decisions, which lack of the guidance from external knowledge.

Entity Disambiguation Entity Linking +1

Semantic Representation for Dialogue Modeling

1 code implementation ACL 2021 Xuefeng Bai, Yulong Chen, Linfeng Song, Yue Zhang

Although neural models have achieved competitive results in dialogue systems, they have shown limited ability in representing core semantics, such as ignoring important entities.

Dialog Relation Extraction Dialogue Understanding +2

Video-aided Unsupervised Grammar Induction

1 code implementation NAACL 2021 Songyang Zhang, Linfeng Song, Lifeng Jin, Kun Xu, Dong Yu, Jiebo Luo

We investigate video-aided grammar induction, which learns a constituency parser from both unlabeled text and its corresponding video.

Optical Character Recognition (OCR)

Learning a Grammar Inducer from Massive Uncurated Instructional Videos

1 code implementation22 Oct 2022 Songyang Zhang, Linfeng Song, Lifeng Jin, Haitao Mi, Kun Xu, Dong Yu, Jiebo Luo

While previous work focuses on building systems for inducing grammars on text that are well-aligned with video content, we investigate the scenario, in which text and video are only in loose correspondence.

Language Acquisition Video Alignment

Progressive Self-Supervised Attention Learning for Aspect-Level Sentiment Analysis

1 code implementation ACL 2019 Jialong Tang, Ziyao Lu, Jinsong Su, Yubin Ge, Linfeng Song, Le Sun, Jiebo Luo

In aspect-level sentiment classification (ASC), it is prevalent to equip dominant neural models with attention mechanisms, for the sake of acquiring the importance of each context word on the given aspect.

Aspect-Based Sentiment Analysis (ABSA) Sentiment Classification

Graph-based Neural Sentence Ordering

1 code implementation16 Dec 2019 Yongjing Yin, Linfeng Song, Jinsong Su, Jiali Zeng, Chulun Zhou, Jiebo Luo

Sentence ordering is to restore the original paragraph from a set of sentences.

Sentence Sentence Ordering

Enhanced Aspect-Based Sentiment Analysis Models with Progressive Self-supervised Attention Learning

1 code implementation5 Mar 2021 Jinsong Su, Jialong Tang, Hui Jiang, Ziyao Lu, Yubin Ge, Linfeng Song, Deyi Xiong, Le Sun, Jiebo Luo

In aspect-based sentiment analysis (ABSA), many neural models are equipped with an attention mechanism to quantify the contribution of each context word to sentiment prediction.

Aspect-Based Sentiment Analysis Aspect-Based Sentiment Analysis (ABSA)

Semantic Neural Machine Translation using AMR

1 code implementation TACL 2019 Linfeng Song, Daniel Gildea, Yue Zhang, Zhiguo Wang, Jinsong Su

It is intuitive that semantic representations can be useful for machine translation, mainly because they can help in enforcing meaning preservation and handling data sparsity (many sentences correspond to one meaning) of machine translation models.

Machine Translation NMT +1

Robust Dialogue Utterance Rewriting as Sequence Tagging

1 code implementation29 Dec 2020 Jie Hao, Linfeng Song, LiWei Wang, Kun Xu, Zhaopeng Tu, Dong Yu

The task of dialogue rewriting aims to reconstruct the latest dialogue utterance by copying the missing content from the dialogue context.

Dialogue Rewriting Text Generation

Neural Simile Recognition with Cyclic Multitask Learning and Local Attention

1 code implementation19 Dec 2019 Jiali Zeng, Linfeng Song, Jinsong Su, Jun Xie, Wei Song, Jiebo Luo

Simile recognition is to detect simile sentences and to extract simile components, i. e., tenors and vehicles.

Sentence Sentence Classification

Hierarchical Context Tagging for Utterance Rewriting

1 code implementation22 Jun 2022 Lisa Jin, Linfeng Song, Lifeng Jin, Dong Yu, Daniel Gildea

HCT (i) tags the source string with token-level edit actions and slotted rules and (ii) fills in the resulting rule slots with spans from the dialogue context.

TAG

Augmenting Multi-Turn Text-to-SQL Datasets with Self-Play

1 code implementation21 Oct 2022 Qi Liu, Zihuiwen Ye, Tao Yu, Phil Blunsom, Linfeng Song

We first design a SQL-to-text model conditioned on a sampled goal query, which represents a user's intent, that then converses with a text-to-SQL semantic parser to generate new interactions.

Domain Generalization SQL-to-Text +1

Cross-domain Generalization for AMR Parsing

1 code implementation22 Oct 2022 Xuefeng Bai, Seng Yang, Leyang Cui, Linfeng Song, Yue Zhang

Based on our observation, we investigate two approaches to reduce the domain distribution divergence of text and AMR features, respectively.

AMR Parsing Domain Generalization

End-to-End AMR Coreference Resolution

1 code implementation ACL 2021 Qiankun Fu, Linfeng Song, Wenyu Du, Yue Zhang

Although parsing to Abstract Meaning Representation (AMR) has become very popular and AMR has been shown effective on the many sentence-level downstream tasks, little work has studied how to generate AMRs that can represent multi-sentence information.

coreference-resolution Sentence +1

Semantic-based Pre-training for Dialogue Understanding

1 code implementation COLING 2022 Xuefeng Bai, Linfeng Song, Yue Zhang

However, these models are typically trained on surface dialogue text, thus are proven to be weak in understanding the main semantic meaning of a dialogue context.

Dialogue Understanding

Sequence-to-sequence Models for Cache Transition Systems

1 code implementation ACL 2018 Xiaochang Peng, Linfeng Song, Daniel Gildea, Giorgio Satta

In this paper, we present a sequence-to-sequence based approach for mapping natural language sentences to AMR semantic graphs.

AMR Parsing Hard Attention +1

Response Enhanced Semi-supervised Dialogue Query Generation

1 code implementation20 Dec 2023 Jianheng Huang, Ante Wang, Linfeng Gao, Linfeng Song, Jinsong Su

Based on the observation that the search query is typically related to the topic of dialogue response, we train a response-augmented query producer (RA) to provide rich and effective training signals for QP.

Domain Adaptation

A Unified Query-based Generative Model for Question Generation and Question Answering

no code implementations4 Sep 2017 Linfeng Song, Zhiguo Wang, Wael Hamza

In the QG task, a question is generated from the system given the passage and the target answer, whereas in the QA task, the answer is generated given the question and the passage.

Question Answering Question Generation +1

$k$-Nearest Neighbor Augmented Neural Networks for Text Classification

no code implementations25 Aug 2017 Zhiguo Wang, Wael Hamza, Linfeng Song

However, it lacks the capacity of utilizing instance-level information from individual instances in the training set.

General Classification text-classification +2

Question Generation from a Knowledge Base with Web Exploration

no code implementations12 Oct 2016 Linfeng Song, Lin Zhao

Question generation from a knowledge base (KB) is the task of generating questions related to the domain of the input KB.

Natural Questions Question Generation +1

AMR-to-text generation as a Traveling Salesman Problem

no code implementations EMNLP 2016 Linfeng Song, Yue Zhang, Xiaochang Peng, Zhiguo Wang, Daniel Gildea

The task of AMR-to-text generation is to generate grammatical text that sustains the semantic meaning for a given AMR graph.

AMR-to-Text Generation Text Generation +2

Exploring Graph-structured Passage Representation for Multi-hop Reading Comprehension with Graph Neural Networks

no code implementations6 Sep 2018 Linfeng Song, Zhiguo Wang, Mo Yu, Yue Zhang, Radu Florian, Daniel Gildea

Multi-hop reading comprehension focuses on one type of factoid question, where a system needs to properly integrate multiple pieces of evidence to correctly answer a question.

Multi-Hop Reading Comprehension Question Answering

N-ary Relation Extraction using Graph-State LSTM

no code implementations EMNLP 2018 Linfeng Song, Yue Zhang, Zhiguo Wang, Daniel Gildea

Cross-sentence $n$-ary relation extraction detects relations among $n$ entities across multiple sentences.

Relation Relation Extraction +1

Coordinated Reasoning for Cross-Lingual Knowledge Graph Alignment

no code implementations23 Jan 2020 Kun Xu, Linfeng Song, Yansong Feng, Yan Song, Dong Yu

Existing entity alignment methods mainly vary on the choices of encoding the knowledge graph, but they typically use the same decoding method, which independently chooses the local optimal match for each source entity.

Entity Alignment

ZPR2: Joint Zero Pronoun Recovery and Resolution using Multi-Task Learning and BERT

no code implementations ACL 2020 Linfeng Song, Kun Xu, Yue Zhang, Jianshu Chen, Dong Yu

Zero pronoun recovery and resolution aim at recovering the dropped pronoun and pointing out its anaphoric mentions, respectively.

Multi-Task Learning

Semantic Role Labeling Guided Multi-turn Dialogue ReWriter

no code implementations EMNLP 2020 Kun Xu, Haochen Tan, Linfeng Song, Han Wu, Haisong Zhang, Linqi Song, Dong Yu

For multi-turn dialogue rewriting, the capacity of effectively modeling the linguistic knowledge in dialog context and getting rid of the noises is essential to improve its performance.

Dialogue Rewriting Semantic Role Labeling

Conversational Semantic Role Labeling

no code implementations11 Apr 2021 Kun Xu, Han Wu, Linfeng Song, Haisong Zhang, Linqi Song, Dong Yu

Semantic role labeling (SRL) aims to extract the arguments for each predicate in an input sentence.

coreference-resolution Dialogue Understanding +3

Domain-Adaptive Pretraining Methods for Dialogue Understanding

no code implementations ACL 2021 Han Wu, Kun Xu, Linfeng Song, Lifeng Jin, Haisong Zhang, Linqi Song

Language models like BERT and SpanBERT pretrained on open-domain data have obtained impressive gains on various NLP tasks.

Dialogue Understanding

RAST: Domain-Robust Dialogue Rewriting as Sequence Tagging

no code implementations EMNLP 2021 Jie Hao, Linfeng Song, LiWei Wang, Kun Xu, Zhaopeng Tu, Dong Yu

The task of dialogue rewriting aims to reconstruct the latest dialogue utterance by copying the missing content from the dialogue context.

Dialogue Rewriting Text Generation

Instance-adaptive training with noise-robust losses against noisy labels

no code implementations EMNLP 2021 Lifeng Jin, Linfeng Song, Kun Xu, Dong Yu

In order to alleviate the huge demand for annotated datasets for different tasks, many recent natural language processing datasets have adopted automated pipelines for fast-tracking usable data.

Rich Syntactic and Semantic Information Helps Unsupervised Text Style Transfer

no code implementations INLG (ACL) 2020 Hongyu Gong, Linfeng Song, Suma Bhat

Text style transfer aims to change an input sentence to an output sentence by changing its text style while preserving the content.

Sentence Style Transfer +2

Distant finetuning with discourse relations for stance classification

no code implementations27 Apr 2022 Lifeng Jin, Kun Xu, Linfeng Song, Dong Yu

Approaches for the stance classification task, an important task for understanding argumentation in debates and detecting fake news, have been relying on models which deal with individual debate topics.

Classification Stance Classification

Variational Graph Autoencoding as Cheap Supervision for AMR Coreference Resolution

no code implementations ACL 2022 Irene Li, Linfeng Song, Kun Xu, Dong Yu

Coreference resolution over semantic graphs like AMRs aims to group the graph nodes that represent the same entity.

coreference-resolution

Discover, Explanation, Improvement: An Automatic Slice Detection Framework for Natural Language Processing

no code implementations8 Nov 2022 Wenyue Hua, Lifeng Jin, Linfeng Song, Haitao Mi, Yongfeng Zhang, Dong Yu

Pretrained natural language processing (NLP) models have achieved high overall performance, but they still make systematic errors.

Getting the Most out of Simile Recognition

no code implementations11 Nov 2022 Xiaoyue Wang, Linfeng Song, Xin Liu, Chulun Zhou, Jinsong Su

Simile recognition involves two subtasks: simile sentence classification that discriminates whether a sentence contains simile, and simile component extraction that locates the corresponding objects (i. e., tenors and vehicles).

POS Sentence +1

Friend-training: Learning from Models of Different but Related Tasks

no code implementations31 Jan 2023 Mian Zhang, Lifeng Jin, Linfeng Song, Haitao Mi, Xiabing Zhou, Dong Yu

Current self-training methods such as standard self-training, co-training, tri-training, and others often focus on improving model performance on a single task, utilizing differences in input features, model architectures, and training processes.

Dialogue Rewriting Dialogue Understanding +1

Search-Engine-augmented Dialogue Response Generation with Cheaply Supervised Query Production

1 code implementation16 Feb 2023 Ante Wang, Linfeng Song, Qi Liu, Haitao Mi, Longyue Wang, Zhaopeng Tu, Jinsong Su, Dong Yu

We propose a dialogue model that can access the vast and dynamic information from any search engine for response generation.

Chatbot Response Generation

A Survey on Zero Pronoun Translation

no code implementations17 May 2023 Longyue Wang, Siyou Liu, Mingzhou Xu, Linfeng Song, Shuming Shi, Zhaopeng Tu

Zero pronouns (ZPs) are frequently omitted in pro-drop languages (e. g. Chinese, Hungarian, and Hindi), but should be recalled in non-pro-drop languages (e. g. English).

Language Modelling Large Language Model +2

Discrete Conditional Diffusion for Reranking in Recommendation

no code implementations14 Aug 2023 Xiao Lin, Xiaokai Chen, Chenyang Wang, Hantao Shu, Linfeng Song, Biao Li, Peng Jiang

To overcome these challenges, we propose a novel Discrete Conditional Diffusion Reranking (DCDR) framework for recommendation.

Recommendation Systems

Stabilizing RLHF through Advantage Model and Selective Rehearsal

no code implementations18 Sep 2023 Baolin Peng, Linfeng Song, Ye Tian, Lifeng Jin, Haitao Mi, Dong Yu

Large Language Models (LLMs) have revolutionized natural language processing, yet aligning these models with human values and preferences using RLHF remains a significant challenge.

Inconsistent dialogue responses and how to recover from them

1 code implementation18 Jan 2024 Mian Zhang, Lifeng Jin, Linfeng Song, Haitao Mi, Dong Yu

One critical issue for chat systems is to stay consistent about preferences, opinions, beliefs and facts of itself, which has been shown a difficult problem.

Self-Alignment for Factuality: Mitigating Hallucinations in LLMs via Self-Evaluation

no code implementations14 Feb 2024 Xiaoying Zhang, Baolin Peng, Ye Tian, Jingyan Zhou, Lifeng Jin, Linfeng Song, Haitao Mi, Helen Meng

Despite showing increasingly human-like abilities, large language models (LLMs) often struggle with factual inaccuracies, i. e. "hallucinations", even when they hold relevant knowledge.

Fine-Grained Self-Endorsement Improves Factuality and Reasoning

no code implementations23 Feb 2024 Ante Wang, Linfeng Song, Baolin Peng, Ye Tian, Lifeng Jin, Haitao Mi, Jinsong Su, Dong Yu

Experiments on Biographies show that our method can effectively improve the factuality of generations with simple and intuitive prompts across different scales of LLMs.

GSM8K Language Modelling +2

Collaborative decoding of critical tokens for boosting factuality of large language models

no code implementations28 Feb 2024 Lifeng Jin, Baolin Peng, Linfeng Song, Haitao Mi, Ye Tian, Dong Yu

The most common training pipeline for large language models includes pretraining, finetuning and aligning phases, with their respective resulting models, such as the pretrained model and the finetuned model.

Hallucination Instruction Following

Mitigating Catastrophic Forgetting in Large Language Models with Self-Synthesized Rehearsal

no code implementations2 Mar 2024 Jianheng Huang, Leyang Cui, Ante Wang, Chengyi Yang, Xinting Liao, Linfeng Song, Junfeng Yao, Jinsong Su

When conducting continual learning based on a publicly-released LLM checkpoint, the availability of the original training data may be non-existent.

Continual Learning In-Context Learning

A Knowledge Plug-and-Play Test Bed for Open-domain Dialogue Generation

no code implementations6 Mar 2024 Xiangci Li, Linfeng Song, Lifeng Jin, Haitao Mi, Jessica Ouyang, Dong Yu

In this paper, we present a high-quality benchmark named multi-source Wizard of Wikipedia (Ms. WoW) for evaluating multi-source dialogue knowledge selection and response generation.

Dialogue Generation Response Generation

Self-Consistency Boosts Calibration for Math Reasoning

no code implementations14 Mar 2024 Ante Wang, Linfeng Song, Ye Tian, Baolin Peng, Lifeng Jin, Haitao Mi, Jinsong Su, Dong Yu

Calibration, which establishes the correlation between accuracy and model confidence, is important for LLM development.

GSM8K Math

Entropy Guided Extrapolative Decoding to Improve Factuality in Large Language Models

no code implementations14 Apr 2024 Souvik Das, Lifeng Jin, Linfeng Song, Haitao Mi, Baolin Peng, Dong Yu

Current state-of-the-art approaches refine decoding by contrasting early-exit distributions from a lower layer with the final layer to exploit information related to factuality within the model forward procedure.

Hallucination

Cannot find the paper you are looking for? You can Submit a new open access paper.