All Projects → wyu97 → Kenlg Reading

wyu97 / Kenlg Reading

Reading list for knowledge-enhanced text generation, with a survey

Projects that are alternatives of or similar to Kenlg Reading

factedit
🧐 Code & Data for Fact-based Text Editing (Iso et al; ACL 2020)
Stars: ✭ 16 (-93.77%)
Mutual labels:  text-generation, natural-language-generation, nlg
Accelerated Text
Accelerated Text is a no-code natural language generation platform. It will help you construct document plans which define how your data is converted to textual descriptions varying in wording and structure.
Stars: ✭ 256 (-0.39%)
Mutual labels:  text-generation, natural-language-generation, nlg
Crslab
CRSLab is an open-source toolkit for building Conversational Recommender System (CRS).
Stars: ✭ 183 (-28.79%)
Mutual labels:  knowledge-graph, text-generation
Knowledge Graphs
A collection of research on knowledge graphs
Stars: ✭ 845 (+228.79%)
Mutual labels:  survey, knowledge-graph
awesome-nlg
A curated list of resources dedicated to Natural Language Generation (NLG)
Stars: ✭ 386 (+50.19%)
Mutual labels:  natural-language-generation, nlg
Zkviz
Zettel Network Visualizer
Stars: ✭ 88 (-65.76%)
Mutual labels:  knowledge-graph, knowledge
Tensorflow Nlp
NLP and Text Generation Experiments in TensorFlow 2.x / 1.x
Stars: ✭ 1,487 (+478.6%)
Mutual labels:  knowledge-graph, text-generation
question generator
An NLP system for generating reading comprehension questions
Stars: ✭ 188 (-26.85%)
Mutual labels:  natural-language-generation, nlg
Describing a knowledge base
Code for Describing a Knowledge Base
Stars: ✭ 42 (-83.66%)
Mutual labels:  text-generation, natural-language-generation
PlanSum
[AAAI2021] Unsupervised Opinion Summarization with Content Planning
Stars: ✭ 25 (-90.27%)
Mutual labels:  text-generation, natural-language-generation
Entity2Topic
[NAACL2018] Entity Commonsense Representation for Neural Abstractive Summarization
Stars: ✭ 20 (-92.22%)
Mutual labels:  text-generation, natural-language-generation
Chatbot cn
基于金融-司法领域(兼有闲聊性质)的聊天机器人,其中的主要模块有信息抽取、NLU、NLG、知识图谱等,并且利用Django整合了前端展示,目前已经封装了nlp和kg的restful接口
Stars: ✭ 791 (+207.78%)
Mutual labels:  knowledge-graph, nlg
Nlp Projects
word2vec, sentence2vec, machine reading comprehension, dialog system, text classification, pretrained language model (i.e., XLNet, BERT, ELMo, GPT), sequence labeling, information retrieval, information extraction (i.e., entity, relation and event extraction), knowledge graph, text generation, network embedding
Stars: ✭ 360 (+40.08%)
Mutual labels:  knowledge-graph, text-generation
Kobe
Source code and dataset for KDD 2019 paper "Towards Knowledge-Based Personalized Product Description Generation in E-commerce"
Stars: ✭ 148 (-42.41%)
Mutual labels:  knowledge-graph, text-generation
Graphbrain
Language, Knowledge, Cognition
Stars: ✭ 294 (+14.4%)
Mutual labels:  knowledge-graph, knowledge
transformer-drg-style-transfer
This repository have scripts and Jupyter-notebooks to perform all the different steps involved in Transforming Delete, Retrieve, Generate Approach for Controlled Text Style Transfer
Stars: ✭ 97 (-62.26%)
Mutual labels:  text-generation, nlg
uctf
Unsupervised Controllable Text Generation (Applied to text Formalization)
Stars: ✭ 19 (-92.61%)
Mutual labels:  natural-language-generation, nlg
Paperrobot
Code for PaperRobot: Incremental Draft Generation of Scientific Ideas
Stars: ✭ 372 (+44.75%)
Mutual labels:  text-generation, natural-language-generation
RapLyrics-Back
Model training, custom generative function and training for raplyrics.eu - A rap music lyrics generation project
Stars: ✭ 14 (-94.55%)
Mutual labels:  text-generation, nlg
syntaxmaker
The NLG tool for Finnish
Stars: ✭ 19 (-92.61%)
Mutual labels:  natural-language-generation, nlg

Knowledge-enriched Text Generation Reading-List

Here is a list of recent publications about Knowledge-enhanced text generation. (Update on Feb 10th, 2021)

-- We will continue to add and update related papers and codes on this page.

-- indicates available code and indicates high citation in recent years.

Survey paper

A Survey of Knowledge-enhanced Text Generation. Wenhao Yu (ND), Chenguang Zhu (Microsoft), Zaitang Li (CUHK), Zhiting Hu (UCSD), Qingyun Wang (UIUC), Heng Ji (UIUC), Meng Jiang (ND). arXiv. 2010.04389

To the best of our knowledge, our survey is the first work that presents a comprehensive reviewof knowledge-enhanced text generation. It aims to provide NLG researchers a synthesis and pointer to related researches. Our survey also includes a detailed discussion about how NLG can benefit from recent progress in deep learning and artificial intelligence, including technologies such as graph neural network, reinforcement learning, neural topic modeling and so on.

Please consider cite our survey if you found it is useful.

@article{yu2020survey,
  title={A Survey of Knowledge-Enhanced Text Generation},
  author={Yu, Wenhao and Zhu, Chenguang and Li, Zaitang and Hu, Zhiting and Wang, Qingyun and Ji, Heng and Jiang, Meng},
  journal={arXiv preprint arXiv:2010.04389},
  year={2020}
}

Tutorial

We will give a tutorial on the topic of Knowledge-enriched Text Generation in EMNLP 2021. It will be held from Nov. 7th to Nov. 11th, 2021. Hope to see you in Dominican Republic.

Basic NLG papers and codes

(For new learners, some important papers for general NLG/KENLG.)

  • [Seq2Seq] Sequence to Sequence Learning with Neural Networks

    • Ilya Sutskever (Google) et al, In NeurIPS 2014. [pdf]
  • [SeqAttn] Neural Machine Translation by Jointly Learning to Align and Translate

    • Dzmitry Bahdanau (Jacobs University) et al, In ICLR 2015. [pdf]
  • [CopyNet] Incorporating Copying Mechanism in Sequence-to-Sequence Learning

    • Jiatao Gu (The University of Hong Kong) et al, In ACL 2016. [pdf]
  • [PointerNet] Get To The Point: Summarization with Pointer-Generator Networks

    • Abigail See (Stanford University) et al, In ACL 2017. [pdf]
  • [Transformer] Attention Is All You Need

    • Ashish Vaswani (Google) et al, In NeurIPS 2017. [pdf]

Pretrained language generation models

Controllable generation leanrng methods

  • [Posterior Regularization] Deep Generative Models with Learnable Knowledge Constraints

    • Zhiting Hu (Carnegie Mellon University) et al, In NeurIPS 2018. [pdf]
  • [Plug and Play] Plug and Play Language Models: A Simple Approach to Controlled Text Generation

    • Sumanth Dathathri (Uber AI) et al, In ICLR 2020. [pdf] [code (torch)] unsup_gen_for_cms_reasoning)
  • [Backprop-based Decoding] Back to the Future: Unsupervised Backprop-based Decoding for Counterfactual and Abductive Commonsense Reasoning

  • [Weakly Supervision] Summarizing Text on Any Aspects: A Knowledge-Informed Weakly-Supervised Approach

Topic-enhanced text generation

  • [Dialogue System] Topic Aware Neural Response Generation

    • Chen Xing (Nankai University) et al, In AAAI 2017. [pdf]
  • [Dialogue System] A Neural TopicalExpansion Framework for Unstructured Persona-oriented Dialogue Generation

  • [Dialogue System] Context-Controlled Topic-Aware Neural Response Generation for Open-Domain Dialog Systems

    • Yanxiang Ling (National University of Defense Technology) et al, In Information Processing an Management 2021. [pdf]
  • [Summarization] Don't Give Me the Details, Just the Summary! Topic-Aware Convolutional Neural Networks for Extreme Summarization

  • [Summarization] Topic-Guided Variational Autoencoders for Text Generation

    • Wenlin Wang (Duke University) et al, In NAACL 2019. [pdf]
  • [Summarization] Document Summarization with VHTM: Variational Hierarchical Topic-Aware Mechanism

    • Xiyan Fu (Nankai Univeristy) et al, In AAAI 2020. [pdf]
  • [Summarization] A Topic Augmented Text Generation Model: Joint Learning of Semantics and Structural Features

    • Peng Cui (Harbin Institute of Technology) et al, In COLING 2020. [pdf]
  • [Summarization] [Friendly Topic Assistant for Transformer Based Abstractive Summarization]

    • Zhengjue Wang (Xidian University) et al, In EMNLP 2020. [pdf] [code]
  • [Machine Translation] Topic-Informed Neural Machine Translation

    • Jian Zhang, (Dublin City University) et al, In COLING 2016. [pdf]
  • [Machine Translation] Translating with Bilingual Topic Knowledge for Neural Machine Translation

    • Xiangpeng Wei (Chinese Academy of Sciences) et al, In AAAI 2019. [pdf]
  • [Topic Transfer] A Topic Augmented Text Generation Model: Joint Learning of Semantics and Structural Features

    • Hongyin Tang (Chinese Academy of Sciences) et al, In EMNLP 2019. [pdf]

Keyword-enhanced text generation

  • [Dialogue System] Sequence to Backward and Forward Sequences: A Content-Introducing Approach to Generative Short-Text Conversation

  • [Dialogue System] Emotional Chatting Machine: Emotional Conversation Generation with Internal and External Memory

  • [Dialogue System] Generating Responses with a Specific Emotion in Dialog

    • Zhenqiao Song (Fudan University) et al, In ACL 2019. [pdf]
  • [Summarization] Guiding Generation for Abstractive Text Summarization based on Key Information Guide Network

    • Chenliang Li (Beijing University of Posts and Telecommunications) et al, In NAACL 2018. [pdf]
  • [Summarization] Inferring Search Queries from Web Documents via a Graph-Augmented Sequence to Attention Network

    • Fred X. Han (University of Alberta) et al, In WWW 2019. [pdf]
  • [Summarization] Coherent Comment Generation for Chinese Articles with a Graph-to-Sequence Model

  • [Summarization] Keywords-Guided Abstractive Sentence Summarization

    • Haoran Li (JD AI Research) et al, In AAAI 2020. [pdf]

Knowledge base-enhanced text generation

  • [Question Answering] [Generating Natural Answers by Incorporating Copying and Retrieving Mechanisms in Sequence-to-Sequence Learning]

    • Shizhu He (Chinese Academy of Sciences) et al, In ACL 2017. [pdf]
  • [Question Answering] Natural answer generation with heterogeneous memory

    • Yao Fu (Peking University) et al, In NAACL 2018. [pdf]
  • [Dialogue System] Mem2Seq: Effectively Incorporating Knowledge Bases into End-to-End Task-Oriented Dialog Systems

    • Andrea Madotto (Hong Kong University of Science and Technology) et al, In ACL 2019. [pdf] [code (torch)]
  • [Dialogue System] Global-to-local Memory Pointer Networks for Task-Oriented Dialogue

    • Chien-Sheng Wu (Hong Kong University of Science and Technology) et al, In ICLR 2019. [pdf] [code (torch)]
  • [Dialogue System] Improving Knowledge-aware Dialogue Generation via Knowledge Base Question Answering

  • [Dialogue System] Learning to Select Knowledge for Response Generation in Dialog Systems

    • Rongzhong Lian (Baidu) et al, In IJCAI 2019. [pdf]
  • [Dialogue System] Diverse and Informative Dialogue Generation with Context-Specific Commonsense Knowledge Awareness

  • [Dialogue System] TopicKA: Generating Commonsense Knowledge-Aware Dialogue Responses Towards the Recommended Topic Fact

  • [Content Manipulation] Learning to Select Bi-Aspect Information for Document-Scale Text Content Manipulation

  • [Content Manipulation] Fact-based Text Editing

    • Hayate Iso (Nara Institute of Science and Technology) et al, In ACL 2020. [pdf] [code]
  • [Summarization] Exploring Human-Like Reading Strategy for Abstractive Text Summarization]

    • Min Yang (Chinese Academy of Sciences) et al, In AAAI 2019. [pdf]
  • [Table-to-text] Describing a Knowledge Base

Knowledge graph-enhanced text generation

  • [Dialogue System] Commonsense Knowledge Aware Conversation Generation with Graph Attention

  • [Dialogue System] Knowledge Aware Conversation Generation with Explainable Reasoning over Augmented Graphs

    • Zhibin Liu, (Baidu) et al, In EMNLP 2019. [pdf]
  • [Dialogue System] DyKgChat: Benchmarking Dialogue Generation Grounding on Dynamic Knowledge Graphs

    • Yi-Lin Tuan (National Taiwan University) et al, In EMNLP 2019. [pdf] [code (tf)]
  • [Dialogue System] Grounded Conversation Generation as Guided Traverses in Commonsense Knowledge Graphs

  • [Dialogue System] GraphDialog: Integrating Graph Knowledge into End-to-End Task-Oriented Dialogue Systems

    • Shiquan Yang (University of Melbourne) et al, In EMNLP 2020. [pdf] [code (tf)]
  • [Dialogue System] CARE: Commonsense-Aware Emotional Response Generation with Latent Concepts

    • Peixiang Zhong (Nanyang Technological University) et al, In AAAI 2021. [pdf]
  • [Dialogue System] Graph-Evolving Meta-Learning for Low-Resource Medical Dialogue Generation

  • [Question Answering] Commonsense for Generative Multi-Hop Question Answering Tasks

    • Lisa Bauer (University of North Carolina at Chapel Hill) et al, In EMNLP 2018. [pdf] [code (tf)]
  • [Scientific Writing] Text Generation from Knowledge Graphs with Graph Transformers

  • [Scientific Writing] PaperRobot: Incremental Draft Generation of Scientific Ideas

  • [Story Generation] Story Ending Generation with Incremental Encoding and Commonsense Knowledge

  • [Story Generation] Language Generation with Multi-Hop Reasoning on Commonsense Knowledge Graph

  • [Story Generation] MEGATRON-CNTRL: Controllable Story Generation with External Knowledge Using Large-Scale Language Models

    • Peng Xu (The Hong Kong University of Science and Technology) et al, In EMNLP 2020. [pdf]
  • [Story Generation] KG-BART: Knowledge Graph-Augmented BART for Generative Commonsense Reasoning

  • [Machine Translation] Knowledge Graphs Enhanced Neural Machine Translation

    • Yang Zhao (Chinese Academy of Sciences) et al, In IJCAI 2020. [pdf]
  • [Summarization] Incorporating Commonsense Knowledge into Abstractive Dialogue Summarization via Heterogeneous Graph Networks

    • Xiachong Feng (Harbin Institute of Technology) et al, On arXiv 2020. [pdf]
  • [Entity Description] ENT-DESC: Entity Description Generation by Exploring Knowledge Graph

    • Liying Cheng (Singapore University of Technology and Design) et al, In EMNLP 2020. [pdf] [code]
  • [Eassy Generation] A Sentiment-Controllable Topic-to-Essay Generator with Topic Knowledge Graph

    • Lin Qiao (Peking Univerisity) et al, In EMNLP findings 2020. [pdf] [data]

Open knowledge graph-enhanced text generation
(Knowledge graph constructed by OpenIE)

  • [Question Answering] Using Local Knowledge Graph Construction to Scale Seq2Seq Models to Multi-Document Inputs

    • Angela Fan (Facebook AI Research) et al, In EMNLP 2019. [pdf]
  • [Summarization] Knowledge Graph-Augmented Abstractive Summarization with Semantic-Driven Cloze Reward

  • [Summarization] Boosting Factual Correctness of Abstractive Summarization with Knowledge Graph

    • Chenguang Zhu (Microsoft Research) et al, On arXiv 2020. [pdf]
  • [Summarization] Heterogeneous Graph Neural Networks for Extractive Document Summarization

Grounded text-enhanced text generation

  • [Dialogue System] A Knowledge-Grounded Neural Conversation Model

    • Marjan Ghazvininejad (University of Southern California) et al, In AAAI 2018. [pdf] [data]
  • [Dialogue System] Wizard of Wikipedia: Knowledge-Powered Conversational agents

  • [Dialogue System] Sequential Latent Knowledge Selection for Knowledge-Grounded Dialogue

    • Byeongchang Kim (Seoul National University) et al, In ICLR 2020. [pdf] [code (tf)]
  • [Dialogue System] DeepCopy: Grounded Response Generation with Hierarchical Pointer Networks

    • Semih Yavuz (University of California, Santa Barbara) et al, In SIGDIAL 2019. [pdf]
  • [Dialogue System] Conversing by Reading: Contentful Neural Conversation with On-demand Machine Reading

  • [Dialogue System] RefNet: A Reference-aware Network for Background Based Conversation

  • [Dialogue System] Thinking Globally, Acting Locally: Distantly Supervised Global-to-Local Knowledge Selection for Background Based Conversation

  • [Dialogue System] Knowledge-Grounded Dialogue Generation with Pre-trained Language Models

    • Xueliang Zhao (Wangxuan Institute of Computer Technology) et al, In EMNLP 2020. [pdf] [code (torch)]
  • [Dialogue System] Bridging the Gap between Prior and Posterior Knowledge Selection for Knowledge-Grounded Dialogue Generation

    • Xiuyi Chen (Chinese Academy of Sciences) et al, In EMNLP 2020. [pdf] [code]
  • [Dialogue System] Difference-aware Knowledge Selection for Knowledge-grounded Conversation Generation

  • [Question Answering] Generating Well-Formed Answers by Machine Reading with Stochastic Selector Networks

    • Bin Bi (Alibaba) et al, In AAAI 2020. [pdf]
  • [Summarization] Retrieve, Rerank and Rewrite: Soft Template Based Neural Summarization

    • Ziqiang Cao (The Hong Kong Polytechnic University) et al, In ACL 2018. [pdf] [data]
  • [Summarization] BiSET: Bi-directional Selective Encoding with Template for Abstractive Summarization

  • [Paraphrase] Paraphrase Generation by Learning How to Edit from Samples

    • Amirhossein Kazemnejad (Iran University of Science and Technology) et al, In ACL 2020. [pdf]

Knowledge-enhanced pretraining

  • [KG + LM] A Knowledge-Enhanced Pretraining Model for Commonsense Story Generation

  • [Commonsense + LM] Abductive Commonsense Reasoning

  • [Table + LM] TAPAS: Weakly Supervised Table Parsing via Pre-training

  • [KG + LM] JAKET: Joint Pre-training of Knowledge Graph and Language Understanding

    • Donghan Yu (Carnegie Mellon University) et al, On arXiv 2020. [pdf]
  • [KG + Data-to-text pretraining] KGPT: Knowledge-Grounded Pre-Training for Data-to-Text Generation

    • Wenhu Chen (University of California, Santa Barbara) et al, In EMNLP 2020. [pdf] [code (torch)]

Acknowledgement

This page is contributed by Wenhao Yu([email protected]) and Qingyun Wang([email protected]).

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].