Search Results for author: Xiaoyan Zhu

Found 69 papers, 35 papers with code

When does Further Pre-training MLM Help? An Empirical Study on Task-Oriented Dialog Pre-training

1 code implementation EMNLP (insights) 2021 Qi Zhu, Yuxian Gu, Lingxiao Luo, Bing Li, Cheng Li, Wei Peng, Minlie Huang, Xiaoyan Zhu

Further pre-training language models on in-domain data (domain-adaptive pre-training, DAPT) or task-relevant data (task-adaptive pre-training, TAPT) before fine-tuning has been shown to improve downstream tasks’ performances.

DecompEval: Evaluating Generated Texts as Unsupervised Decomposed Question Answering

1 code implementation13 Jul 2023 Pei Ke, Fei Huang, Fei Mi, Yasheng Wang, Qun Liu, Xiaoyan Zhu, Minlie Huang

Existing evaluation metrics for natural language generation (NLG) tasks face the challenges on generalization ability and interpretability.

Dialogue Generation nlg evaluation +3

SoK: Comparing Different Membership Inference Attacks with a Comprehensive Benchmark

1 code implementation12 Jul 2023 Jun Niu, Xiaoyan Zhu, Moxuan Zeng, Ge Zhang, Qingyang Zhao, Chunhui Huang, Yangming Zhang, Suyu An, Yangzhong Wang, Xinghui Yue, Zhipeng He, Weihao Guo, Kuo Shen, Peng Liu, Yulong Shen, Xiaohong Jiang, Jianfeng Ma, Yuqing Zhang

We have identified three principles for the proposed "comparing different MI attacks" methodology, and we have designed and implemented the MIBench benchmark with 84 evaluation scenarios for each dataset.

Learning Instructions with Unlabeled Data for Zero-Shot Cross-Task Generalization

1 code implementation17 Oct 2022 Yuxian Gu, Pei Ke, Xiaoyan Zhu, Minlie Huang

Recently, instruction tuning (IT), which fine-tunes a pre-trained language model on a massive collection of tasks described via human-craft instructions, has been shown effective in instruction learning for unseen tasks.

Language Modelling

Curriculum-Based Self-Training Makes Better Few-Shot Learners for Data-to-Text Generation

1 code implementation6 Jun 2022 Pei Ke, Haozhe Ji, Zhenyu Yang, Yi Huang, Junlan Feng, Xiaoyan Zhu, Minlie Huang

Despite the success of text-to-text pre-trained models in various natural language generation (NLG) tasks, the generation performance is largely restricted by the number of labeled data in downstream tasks, particularly in data-to-text generation tasks.

Data-to-Text Generation Unsupervised Pre-training

Continual Prompt Tuning for Dialog State Tracking

1 code implementation ACL 2022 Qi Zhu, Bing Li, Fei Mi, Xiaoyan Zhu, Minlie Huang

A desirable dialog system should be able to continually learn new skills without forgetting old ones, and thereby adapt to new domains or tasks in its life cycle.

Continual Learning dialog state tracking +1

Rethinking and Refining the Distinct Metric

1 code implementation ACL 2022 Siyang Liu, Sahand Sabour, Yinhe Zheng, Pei Ke, Xiaoyan Zhu, Minlie Huang

We provide both empirical and theoretical evidence to show that our method effectively removes the biases existing in the original distinct score.

Text Generation

On the Safety of Conversational Models: Taxonomy, Dataset, and Benchmark

1 code implementation Findings (ACL) 2022 Hao Sun, Guangxuan Xu, Jiawen Deng, Jiale Cheng, Chujie Zheng, Hao Zhou, Nanyun Peng, Xiaoyan Zhu, Minlie Huang

We propose a taxonomy for dialogue safety specifically designed to capture unsafe behaviors in human-bot dialogue settings, with focuses on context-sensitive unsafety, which is under-explored in prior works.

EVA: An Open-Domain Chinese Dialogue System with Large-Scale Generative Pre-Training

2 code implementations3 Aug 2021 Hao Zhou, Pei Ke, Zheng Zhang, Yuxian Gu, Yinhe Zheng, Chujie Zheng, Yida Wang, Chen Henry Wu, Hao Sun, Xiaocong Yang, Bosi Wen, Xiaoyan Zhu, Minlie Huang, Jie Tang

Although pre-trained language models have remarkably enhanced the generation ability of dialogue systems, open-domain Chinese dialogue systems are still limited by the dialogue data and the model size compared with English ones.

CPM-2: Large-scale Cost-effective Pre-trained Language Models

2 code implementations20 Jun 2021 Zhengyan Zhang, Yuxian Gu, Xu Han, Shengqi Chen, Chaojun Xiao, Zhenbo Sun, Yuan YAO, Fanchao Qi, Jian Guan, Pei Ke, Yanzheng Cai, Guoyang Zeng, Zhixing Tan, Zhiyuan Liu, Minlie Huang, Wentao Han, Yang Liu, Xiaoyan Zhu, Maosong Sun

We present a suite of cost-effective techniques for the use of PLMs to deal with the efficiency issues of pre-training, fine-tuning, and inference.

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

NAST: A Non-Autoregressive Generator with Word Alignment for Unsupervised Text Style Transfer

1 code implementation Findings (ACL) 2021 Fei Huang, Zikai Chen, Chen Henry Wu, Qihan Guo, Xiaoyan Zhu, Minlie Huang

First, we observe that most words in the transferred sentence can be aligned with related words in the source sentence, so we explicitly model word alignments to suppress irrelevant words.

Sentence Style Transfer +3

Ensemble Learning Based Classification Algorithm Recommendation

no code implementations15 Jan 2021 Guangtao Wang, Qinbao Song, Xiaoyan Zhu

Recommending appropriate algorithms to a classification problem is one of the most challenging issues in the field of data mining.

Classification Ensemble Learning +1

A Text GAN for Language Generation with Non-Autoregressive Generator

no code implementations1 Jan 2021 Fei Huang, Jian Guan, Pei Ke, Qihan Guo, Xiaoyan Zhu, Minlie Huang

Despite the great success of Generative Adversarial Networks (GANs) in generating high-quality images, GANs for text generation still face two major challenges: first, most text GANs are unstable in training mainly due to ineffective optimization of the generator, and they heavily rely on maximum likelihood pretraining; second, most text GANs adopt autoregressive generators without latent variables, which largely limits the ability to learn latent representations for natural language text.

Decipherment Representation Learning +2

Language Generation with Multi-Hop Reasoning on Commonsense Knowledge Graph

1 code implementation EMNLP 2020 Haozhe Ji, Pei Ke, Shaohan Huang, Furu Wei, Xiaoyan Zhu, Minlie Huang

Despite the success of generative pre-trained language models on a series of text generation tasks, they still suffer in cases where reasoning over underlying commonsense knowledge is required during generation.

Text Generation

A Large-Scale Chinese Short-Text Conversation Dataset

2 code implementations10 Aug 2020 Yida Wang, Pei Ke, Yinhe Zheng, Kaili Huang, Yong Jiang, Xiaoyan Zhu, Minlie Huang

The cleaned dataset and the pre-training models will facilitate the research of short-text conversation modeling.

Dialogue Generation Short-Text Conversation

Knowledge-Aided Open-Domain Question Answering

no code implementations9 Jun 2020 Mantong Zhou, Zhouxing Shi, Minlie Huang, Xiaoyan Zhu

During document retrieval, a candidate document is scored by considering its relationship to the question and other documents.

Open-Domain Question Answering Reading Comprehension +1

Learning Goal-oriented Dialogue Policy with Opposite Agent Awareness

no code implementations Asian Chapter of the Association for Computational Linguistics 2020 Zheng Zhang, Lizi Liao, Xiaoyan Zhu, Tat-Seng Chua, Zitao Liu, Yan Huang, Minlie Huang

Most existing approaches for goal-oriented dialogue policy learning used reinforcement learning, which focuses on the target agent policy and simply treat the opposite agent policy as part of the environment.

Decision Making

KdConv: A Chinese Multi-domain Dialogue Dataset Towards Multi-turn Knowledge-driven Conversation

1 code implementation ACL 2020 Hao Zhou, Chujie Zheng, Kaili Huang, Minlie Huang, Xiaoyan Zhu

The research of knowledge-driven conversational systems is largely limited due to the lack of dialog data which consist of multi-turn conversations on multiple topics and with knowledge annotations.

Domain Adaptation Knowledge Graphs +1

Recent Advances and Challenges in Task-oriented Dialog System

no code implementations17 Mar 2020 Zheng Zhang, Ryuichi Takanobu, Qi Zhu, Minlie Huang, Xiaoyan Zhu

Due to the significance and value in human-computer interaction and natural language processing, task-oriented dialog systems are attracting more and more attention in both academic and industrial communities.

CrossWOZ: A Large-Scale Chinese Cross-Domain Task-Oriented Dialogue Dataset

2 code implementations TACL 2020 Qi Zhu, Kaili Huang, Zheng Zhang, Xiaoyan Zhu, Minlie Huang

To advance multi-domain (cross-domain) dialogue modeling as well as alleviate the shortage of Chinese task-oriented datasets, we propose CrossWOZ, the first large-scale Chinese Cross-Domain Wizard-of-Oz task-oriented dataset.

Dialogue State Tracking Task-Oriented Dialogue Systems +1

ConvLab-2: An Open-Source Toolkit for Building, Evaluating, and Diagnosing Dialogue Systems

1 code implementation ACL 2020 Qi Zhu, Zheng Zhang, Yan Fang, Xiang Li, Ryuichi Takanobu, Jinchao Li, Baolin Peng, Jianfeng Gao, Xiaoyan Zhu, Minlie Huang

We present ConvLab-2, an open-source toolkit that enables researchers to build task-oriented dialogue systems with state-of-the-art models, perform an end-to-end evaluation, and diagnose the weakness of systems.

Task-Oriented Dialogue Systems

CoTK: An Open-Source Toolkit for Fast Development and Fair Evaluation of Text Generation

1 code implementation3 Feb 2020 Fei Huang, Dazhen Wan, Zhihong Shao, Pei Ke, Jian Guan, Yilin Niu, Xiaoyan Zhu, Minlie Huang

In text generation evaluation, many practical issues, such as inconsistent experimental settings and metric implementations, are often ignored but lead to unfair evaluation and untenable conclusions.

Text Generation

A Knowledge-Enhanced Pretraining Model for Commonsense Story Generation

1 code implementation TACL 2020 Jian Guan, Fei Huang, Zhihao Zhao, Xiaoyan Zhu, Minlie Huang

To further capture the causal and temporal dependencies between the sentences in a reasonable story, we employ multi-task learning which combines a discriminative objective to distinguish true and fake stories during fine-tuning.

Multi-Task Learning Story Generation

Robust Reading Comprehension with Linguistic Constraints via Posterior Regularization

no code implementations16 Nov 2019 Mantong Zhou, Minlie Huang, Xiaoyan Zhu

In this paper, we address the over-confidence issue and the over-sensitivity issue existing in current RC models simultaneously with the help of external linguistic knowledge.

Machine Reading Comprehension

SentiLARE: Sentiment-Aware Language Representation Learning with Linguistic Knowledge

1 code implementation EMNLP 2020 Pei Ke, Haozhe Ji, Siyang Liu, Xiaoyan Zhu, Minlie Huang

To benefit the downstream tasks in sentiment analysis, we propose a novel language representation model called SentiLARE, which introduces word-level linguistic knowledge including part-of-speech tag and sentiment polarity (inferred from SentiWordNet) into pre-trained models.

Data Augmentation Language Modelling +3

Recognition Of Surface Defects On Steel Sheet Using Transfer Learning

no code implementations7 Sep 2019 Jingwen Fu, Xiaoyan Zhu, Yingbin Li

Automatic defect recognition is one of the research hotspots in steel production, but most of the current methods mainly extract features manually and use machine learning classifiers to recognize defects, which cannot tackle the situation, where there are few data available to train and confine to a certain scene.

Transfer Learning

ARAML: A Stable Adversarial Training Framework for Text Generation

1 code implementation IJCNLP 2019 Pei Ke, Fei Huang, Minlie Huang, Xiaoyan Zhu

The generator is optimized with maximum likelihood estimation augmented by the discriminator's rewards instead of policy gradient.

reinforcement-learning Reinforcement Learning (RL) +1

Long and Diverse Text Generation with Planning-based Hierarchical Variational Model

2 code implementations IJCNLP 2019 Zhihong Shao, Minlie Huang, Jiangtao Wen, Wenfei Xu, Xiaoyan Zhu

Existing neural methods for data-to-text generation are still struggling to produce long and diverse texts: they are insufficient to model input data dynamically during generation, to capture inter-sentence coherence, or to generate diversified expressions.

Data-to-Text Generation Sentence

Challenges in Building Intelligent Open-domain Dialog Systems

no code implementations13 May 2019 Minlie Huang, Xiaoyan Zhu, Jianfeng Gao

This paper reviews the recent works on neural approaches that are devoted to addressing three challenges in developing such systems: semantics, consistency, and interactiveness.

Open-Domain Dialog

Domain-Constrained Advertising Keyword Generation

no code implementations27 Feb 2019 Hao Zhou, Minlie Huang, Yishun Mao, Changlei Zhu, Peng Shu, Xiaoyan Zhu

Second, the inefficient ad impression issue: a large proportion of search queries, which are unpopular yet relevant to many ad keywords, have no ads presented on their search result pages.

Retrieval

Verification Code Recognition Based on Active and Deep Learning

no code implementations12 Feb 2019 Dongliang Xu, Bailing Wang, XiaoJiang Du, Xiaoyan Zhu, zhitao Guan, Xiaoyan Yu, Jingyu Liu

However, the advantages of convolutional neural networks depend on the data used by the training classifier, particularly the size of the training set.

Learning to Collaborate: Multi-Scenario Ranking via Multi-Agent Reinforcement Learning

no code implementations17 Sep 2018 Jun Feng, Heng Li, Minlie Huang, Shichen Liu, Wenwu Ou, Zhirong Wang, Xiaoyan Zhu

The first one is lack of collaboration between scenarios meaning that each strategy maximizes its own objective but ignores the goals of other strategies, leading to a sub-optimal overall performance.

Multi-agent Reinforcement Learning reinforcement-learning +1

Reinforcement Learning for Relation Classification from Noisy Data

2 code implementations24 Aug 2018 Jun Feng, Minlie Huang, Li Zhao, Yang Yang, Xiaoyan Zhu

In this paper, we propose a novel model for relation classification at the sentence level from noisy data.

Classification reinforcement-learning +3

An Operation Network for Abstractive Sentence Compression

no code implementations COLING 2018 Naitong Yu, Jie Zhang, Minlie Huang, Xiaoyan Zhu

Delete-based models have the strong ability to delete undesired words, while generate-based models are able to reorder or rephrase the words, which are more coherent to human sentence compression.

Sentence Sentence Compression +1

Generating Informative Responses with Controlled Sentence Function

1 code implementation ACL 2018 Pei Ke, Jian Guan, Minlie Huang, Xiaoyan Zhu

Experiments show that our model outperforms state-of-the-art baselines, and it has the ability to generate responses with both controlled sentence function and informative content.

Position Sentence +2

Memory-augmented Dialogue Management for Task-oriented Dialogue Systems

no code implementations1 May 2018 Zheng Zhang, Minlie Huang, Zhongzhou Zhao, Feng Ji, Haiqing Chen, Xiaoyan Zhu

Dialogue management (DM) decides the next action of a dialogue system according to the current dialogue state, and thus plays a central role in task-oriented dialogue systems.

Dialogue Management Management +1

An Interpretable Reasoning Network for Multi-Relation Question Answering

1 code implementation COLING 2018 Mantong Zhou, Minlie Huang, Xiaoyan Zhu

Multi-relation Question Answering is a challenging task, due to the requirement of elaborated analysis on questions and reasoning over multiple fact triples in knowledge base.

Question Answering Relation

Assigning personality/identity to a chatting machine for coherent conversation generation

1 code implementation9 Jun 2017 Qiao Qian, Minlie Huang, Haizhou Zhao, Jingfang Xu, Xiaoyan Zhu

Endowing a chatbot with personality or an identity is quite challenging but critical to deliver more realistic and natural conversations.

Chatbot Position

Emotional Chatting Machine: Emotional Conversation Generation with Internal and External Memory

6 code implementations4 Apr 2017 Hao Zhou, Minlie Huang, Tianyang Zhang, Xiaoyan Zhu, Bing Liu

Perception and expression of emotion are key factors to the success of dialogue systems or conversational agents.

Context-aware Natural Language Generation for Spoken Dialogue Systems

no code implementations COLING 2016 Hao Zhou, Minlie Huang, Xiaoyan Zhu

Most tranditional QA systems based on templates or rules tend to generate rigid and stylised responses without the natural variation of human language.

Dialogue Generation Question Answering +1

GAKE: Graph Aware Knowledge Embedding

1 code implementation COLING 2016 Jun Feng, Minlie Huang, Yang Yang, Xiaoyan Zhu

Knowledge embedding, which projects triples in a given knowledge base to d-dimensional vectors, has attracted considerable research efforts recently.

Product Review Summarization by Exploiting Phrase Properties

no code implementations COLING 2016 Naitong Yu, Minlie Huang, Yuanyuan Shi, Xiaoyan Zhu

The main idea of our method is to leverage phrase properties to choose a subset of optimal phrases for generating the final summary.

Abstractive Text Summarization Descriptive +2

Linguistically Regularized LSTMs for Sentiment Classification

no code implementations12 Nov 2016 Qiao Qian, Minlie Huang, Jinhao Lei, Xiaoyan Zhu

In this paper, we propose simple models trained with sentence-level annotation, but also attempt to generating linguistically coherent representations by employing regularizers that model the linguistic role of sentiment lexicons, negation words, and intensity words.

Classification General Classification +4

KSR: A Semantic Representation of Knowledge Graph within a Novel Unsupervised Paradigm

no code implementations27 Aug 2016 Han Xiao, Minlie Huang, Xiaoyan Zhu

Since both aspects and categories are semantics-relevant, the collection of categories in each aspect is treated as the semantic representation of this triple.

Entity Retrieval Knowledge Graph Embedding +2

SSP: Semantic Space Projection for Knowledge Graph Embedding with Text Descriptions

no code implementations17 Apr 2016 Han Xiao, Minlie Huang, Xiaoyan Zhu

To this end, this paper proposes a semantic representation method for knowledge graph \textbf{(KSR)}, which imposes a two-level hierarchical generative process that globally extracts many aspects and then locally assigns a specific category in each aspect for every triple.

Knowledge Graph Embedding Question Answering

From One Point to A Manifold: Knowledge Graph Embedding For Precise Link Prediction

no code implementations15 Dec 2015 Han Xiao, Minlie Huang, Xiaoyan Zhu

Knowledge graph embedding aims at offering a numerical knowledge representation paradigm by transforming the entities and relations into continuous vector space.

Knowledge Graph Embedding Link Prediction +1

TransG : A Generative Mixture Model for Knowledge Graph Embedding

no code implementations18 Sep 2015 Han Xiao, Minlie Huang, Yu Hao, Xiaoyan Zhu

Recently, knowledge graph embedding, which projects symbolic entities and relations into continuous vector space, has become a new, hot topic in artificial intelligence.

Knowledge Graph Embedding Relation

TransA: An Adaptive Approach for Knowledge Graph Embedding

no code implementations18 Sep 2015 Han Xiao, Minlie Huang, Yu Hao, Xiaoyan Zhu

Knowledge representation is a major topic in AI, and many studies attempt to represent entities and relations of knowledge base in a continuous vector space.

Knowledge Graph Embedding Metric Learning +1

Margin-Based Feed-Forward Neural Network Classifiers

no code implementations11 Jun 2015 Han Xiao, Xiaoyan Zhu

Margin-Based Principle has been proposed for a long time, it has been proved that this principle could reduce the structural risk and improve the performance in both theoretical and practical aspects.

Max-Entropy Feed-Forward Clustering Neural Network

no code implementations11 Jun 2015 Han Xiao, Xiaoyan Zhu

Entropy-Based Principle is the principle with which we could estimate the unknown distribution under some limited conditions.

Clustering

Knowlege Graph Embedding by Flexible Translation

no code implementations20 May 2015 Jun Feng, Mantong Zhou, Yu Hao, Minlie Huang, Xiaoyan Zhu

TransF regards relation as translation between head entity vector and tail entity vector with flexible magnitude.

General Classification Knowledge Graph Embedding +4

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