Next Article in Journal
On a Common Misconception Regarding the de Broglie–Bohm Theory
Previous Article in Journal
Analysis of Cell Signal Transduction Based on Kullback–Leibler Divergence: Channel Capacity and Conservation of Its Production Rate during Cascade
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Factoid Question Answering with Distant Supervision

1
Key Laboratory of Technology in Geo-spatial Information Processing and Application System, Institute of Electronics, Chinese Academy of Sciences, Beijing 100190, China
2
School of Electronic, Electrical and Communication Engineering, University of Chinese Academy of Sciences, Beijing 100049, China
3
Institute of Electronics, Chinese Academy of Sciences, Suzhou, Suzhou 215123, China
*
Author to whom correspondence should be addressed.
Submission received: 9 March 2018 / Revised: 23 May 2018 / Accepted: 3 June 2018 / Published: 5 June 2018
(This article belongs to the Section Information Theory, Probability and Statistics)

Abstract

:
Automatic question answering (QA), which can greatly facilitate the access to information, is an important task in artificial intelligence. Recent years have witnessed the development of QA methods based on deep learning. However, a great amount of data is needed to train deep neural networks, and it is laborious to annotate training data for factoid QA of new domains or languages. In this paper, a distantly supervised method is proposed to automatically generate QA pairs. Additional efforts are paid to let the generated questions reflect the query interests and expression styles of users by exploring the community QA. Specifically, the generated questions are selected according to the estimated probabilities they are asked. Diverse paraphrases of questions are mined from community QA data, considering that the model trained on monotonous synthetic questions is very sensitive to variants of question expressions. Experimental results show that the model solely trained on generated data via the distant supervision and mined paraphrases could answer real-world questions with the accuracy of 49.34%. When limited annotated training data is available, significant improvements could be achieved by incorporating the generated data. An improvement of 1.35 absolute points is still observed on WebQA, a dataset with large-scale annotated training samples.

1. Introduction

Question answering (QA) can facilitate the information acquisition from multiple data sources, such as structured knowledge bases (KB) [1,2], semi-structured tables [3] and free texts [4,5,6]. Automatic question answering is an important task for artificial intelligence community. Traditional QA systems, including the document based QA and KB based QA, are mainly built on information retrieval [7] and semantic parsing [8,9]. In recent years, QA methods based on deep learning are intensively studied along with the construction of large-scale QA datasets, such as SimpleQuestions [2], CNN Daily Mail [10] and Squad [4]. With the incorporation of effective mechanisms such as attention and contextual vectors [11], Wang et al. [12] has reported performance that is comparable to humans on the Squad dataset.
However, QA remains an unsolved problem [13] and further improvements are still needed for real-world applications. One of the drawbacks of deep learning methods is that lots of labeled data is needed to train the model with millions of parameters to avoid over-fitting. It is laborious and expensive to manually annotate large scale training data, thus hindering the application of deep learning models on QA of new domains or languages, where only limited annotated data is available. Motivated by this issue, we explore how to automatically generate training data for factoid QA. Notice that a typical QA system consists of a document retriever that retrieves the relevant document, and a QA model that extracts the answer from the given document. In this paper, we mainly focus on generating training data for the QA model.
There are some works [14,15] on question generation, where the QA models are enhanced utilizing their inter-correlation with question generation models. However, these methods are not applicable for the training of QA models with limited labeled data because their question generation models are also trained via supervised learning. By comparison, we study how to automatically generate QA pairs for the training of QA models by incorporating the knowledge base. The procedure of training data generation is illustrated in Table 1. The triple (Albert Einstein; birth place; Ulm, Kingdom of Württemberg, German Empire) from KB records the birth place of Albert Einstein. A simple question is synthesized using templates considering the subject and the predicate. The inherent relationship of triples ensures that the generated questions query the objects, so the objects could be regarded as the answers. Then, the distant supervision assumption is that a document having mentions of both the subject and the object within one sentence can be taken as evidence to answer the question, while the mention of the object can be tagged as the answer span.
There are billions of triples recorded in large-scale KBs such as Wikidata [16] and DBpedia [17], so great amounts of training data can be automatically generated.
Though a large number of QA pairs are generated, it is observed that the synthetic questions are different from the questions asked by people in both the content and the style:
  • Content. The distribution of synthetic questions is inconsistent with that of the real-world questions. For example, users may seldom ask common sense questions, or questions whose answers could be inferred easily from entity names, such as gender of Madame Curie, or English name of Benjamin Franklin, while we observe that a certain proportion of triples record such information for the completeness of KB.
  • Style. The sentence structures of the generated questions are monotonous. If trained on these data, the model will be very sensitive to various expressions of questions.
Twofold efforts are made to have the generated questions reflect the query interests and expression styles of users. On one hand, we propose selecting the generated questions by the probability that they are asked in the real world. Specifically, the probability is estimated by exploring community QA data to reflect the interests of users. The fact that a large portion of questions of community QA are about opinionated, experiential or controversial topics places a challenge on the estimation. On the other hand, preliminary effort is made to mine paraphrases of the synthetic questions. We search questions from community QA with the subject and the predicate as the keywords, and assume that retrieved questions with the object as the answer are the paraphrases of the synthetic question. We call this distant paraphrase.
Evaluations are performed on real-world questions. Up to 49.34% of the questions are correctly answered with the model solely trained on distant-supervised data, and distant paraphrase plays a vital role for the generalization of the model. We also investigate the situation where the model is firstly trained on the distant supervision data and then fine-tuned on the labeled data. Significant improvement is observed when the size of training data is small. Furthermore, the model still benefits from the synthetic simple questions when the scale of labeled data is large.
The main contributions of this paper can be summarized as follows:
  • We propose automatically generating large-scale training data for factoid QA via distant supervision. QA of specific domains or new languages, where training data is limited, like medical factoid QA and Vietnamese factoid QA, could benefit a lot from the generated data.
  • The generated questions are further adapted to accord with the real-world ones in both content and expression styles by utilizing QA corpus, for example the community QA data. The distant paraphrase approach increases the diversity of query expressions and could improve the generalization of the QA model.
  • Experiments are carried out on a real-world QA dataset to validate the proposed approach. Results show that the model can achieve an accuracy of 49.34% without labeled data, and significant improvements are observed when the training data is insufficient. Additionally, the proposal improves the state-of-the-art result on the WebQA dataset [5] from 73.50% to 76.55%. We release our data and codes at [18,19] for reproduction and further research.
The remaining parts of the paper are organized as follows. The related work is reviewed in Section 2. Section 3 introduces the proposed method of generating distant supervised training data, as well as details about the QA model. Experimental results and analysis are given in Section 4. Finally, we conclude the paper and discuss the future work in Section 5.

2. Related Work

2.1. Document Based Question Answering

Research on document based QA booms from the construction of datasets, such as CNN Daily Mail [10], Squad [4], WebQA [5] and DuReader [20]. Questions from several datasets [4,10] are generated by annotators, while questions from recent datasets [5,20,21] are collected from search engines. For discriminant QA, the answer of the question is a text span of the evidence, while answers for generative QA are generated by annotators. The construction of large-scale question answering datasets enables the training of deep learning models [12,22] with millions of parameters. Typically, a deep learning QA model consists of four layers, namely the embedding layer, the encoding layer, the interaction layer, and the answer layer. The first two layers are also widely adopted in deep learning models for other NLP tasks. In addition the word and character embeddings, syntax features, part of speech features and context vectors [11] are also important for word representation. The attention-based interaction layer is vital for the QA model because it can learn the interaction between the words in the question and the document. Various attention mechanisms are studied in recent work, such as match-LSTM [23], bi-directional attention flow [22], attention-over-attention [24] and self-matching attention [12]. Finally, a pointer network [25] is used to predict the position of the answer span for discriminant QA. In generative QA, answers are generated by a decoder with copy mechanism. Further efforts [26] are also made to study how these QA models answer the questions.

2.2. Question Generation for Question Answering

There are also efforts [14,15,27,28,29] focusing on generating questions for QA. Labutov et al. [27] propose an ontology-crowd-relevance method. Firstly, the original document is embedded into a low-dimensional ontology, and then candidate crowd-sourcing templates for question generation are aligned to the ontology, and finally the templates are ranked for a novel region of text. Chali and Hasan [28] aim to generate all possible questions for each topic. Rules are proposed to transform the semantic-role labeled sentences into questions. Song and Zhao [29] generate questions from KBs via templates and then use search engines to perform question expansion, which is similar to our distant paraphrase. However, they do not require the expanded questions to have the same answers with the original questions, so the paraphrased questions could not be used to train a QA model. Du et al. [14] introduce a supervised neural network for question generation. Duan et al. [15] study both retrieval-based and generation-based methods for question generation. They also integrate question generation into an end-to-end QA model, which shows significant improvements. However, their methods are not applicable for the training of QA models with limited annotations because the question generation models are also trained via supervised learning.
To the best of our knowledge, we are the first to generate training data for document-based QA via supervision from KB, and the generated questions are adjusted to reflect the query intentions and expression styles of users.

2.3. Distant Supervision

Distant supervision has been studied in a wide range of natural language processing tasks. It is first introduced into the task of relation extraction [30]. Extensive efforts, such as multi-instance learning [31] and selective-instance learning [32,33], have been made to improve the distant assumption so as to reduce the affect of noise. Omer et al. [34] achieve zero shot relation extraction by regarding the relation extraction task as a simple QA task. In addition, distant supervision is also explored in other NLP tasks. Purver et al. [35] test distant supervision on Twitter emotion extraction, and find that the method is suitable for the recognition of happiness, sadness and anger emotions. Plank et al. [36] achieve 8% and 10% error reductions on the Twitter Part of Speech (POS) tagging and Named Entity Recognition (NER), respectively. Without in-domain annotation or hand-crafted rules, Tabassum et al. [37] normalize time expressions in Twitter with a 0.68 F1 score utilizing distant supervision. Zeng et al. [38] generate a large amount of training data for event extraction through distant supervision, improving the detection results of multiple types of events.
Distant supervision is also studied in QA. Several QA datasets [1,39,40] only contain the annotated questions and answers, while the KB entries or texts needed for training are not labeled. Thus, distant supervision is used to determine the evidence KB entries or texts, enabling the supervised learning of QA models [2,40,41,42]. Specifically, Bordes et al. [2] obtain F1 of 62.9% on WebQuestions whose KB entries are distantly annotated. As for answering open-domain questions with Wikipedia, the DrQA model [41] improves 6%, 8.7% and 9.8% on CuratedTREC, WebQuestions, and WikiMovies respectively by utilizing distant supervised annotations of their evidence documents and answer spans. Wang et al. [43] train a model with reinforced learning to rank the texts by the probabilities that correct answers could be generated for given questions, and achieve 2–4 points gains in terms of F1 and EM scores on several datasets. Regarding the candidate documents and document reader as environment, the document ranker learns via explorations and rewards, avoiding the noise caused by the distant supervised labeling of the evidence document. Notice that these works still rely on annotated questions to train the QA model, while we further synthesize the questions utilizing a KB to automatically generate a large-scale training data.

2.4. Transfer Learning

Transfer learning, or domain adaptation, aims to transfer knowledge from one domain to another by leveraging the synergistic relationships between different datasets. The source domain is either an unsupervised task or contains large-scale labeled datasets. Transfer learning is widely adopted in deep learning models. Typically, a deep neural network is pre-trained on the source domain, and then fine-tuned on the target domain. For example, the encoder of variational autoencoder [44] or discriminator of generative adversarial networks [45] is used as the feature extractor in semi-supervised learning. Supervised pre-training is commonly performed on ImageNet [46] for computer vision tasks. Typically, only the lowest layer i.e., the word embedding layer, of NLP tasks [12,47,48] is initialized with weights trained in a language model. McCann et al. [11] and Peters [49] respectively utilize the encoders of machine translation and language model to learn context-aware representation of words in multiple NLP tasks including sentiment analysis, question classification, entailment and QA. Transfer learning is also explored in question answering. Several works [50,51] test the transferability between different labeled datasets, and new state-of-the-art results are reported on datasets with limited annotations. Regarding Squad as a large fine-grained labeled answering selection dataset, Sewon et al. [52] achieve significant improvements on WikiQA and SemEval-2016 (Task 3A) via transfer learning. Golub et al. [53] generate synthetic questions and answers using a generative model, and a novel domain-adaptive net is utilized to alleviate the discrepancy between synthetic questions and real-world questions. Their model is trained in a semi-supervised setting, where the generative model and QA model are firstly trained on labeled data and boost each other iteratively. In this paper, synthetic questions and answers are generated utilizing a knowledge base, and the discrepancy between generated data and real-world data is alleviated by exploring community QA.

3. Approach

3.1. Task Definition

Factoid questions are questions that query concise facts that can be expressed in short texts [54]. In real-world applications, the answer could be generated via a pipeline of a document retriever, an document reader and a optional answer combiner. The document or candidate documents could be retrieved from the document set with a TF-IDF based document retriever like Chen et al. [41] do. Then, a document reader like [12,22,23] extracts answers from the given text. Optionally, an answer combiner [55] merges answers extracted from multiple candidate documents. In this paper, we focus on automatically generating training data for the document reader.
The input of the QA model is a (q,d) pair, where q denotes a factoid question and d represents a document. Assuming that the answer is a text span from the given document, then the objective of the QA model is to predict the start position p s and end position p e of the answer span.
In order to train the QA model, we aim to automatically generate a training data set
S = { s 0 , s 1 , s N } ,
where s i is a training sample containing the aforementioned four elements for QA model training, specifically
s i = ( q i , d i , p s i , p e i ) .
Additionally, the generated questions should accord with the real-world ones in both query intents and expression styles for generalization ability of the trained QA model.

3.2. Training Data Generation via Distant Supervision and Domain Adaptation

In this section, the distant supervision method for automatic training data generation is firstly introduced. After that, details about the domain adaptation on the training data are presented, explaining how to effectively transfer the knowledge of distant-supervised data to answer real-world questions.

3.2.1. Training Data Generation via Distant Supervision

A KB and a corpus are used for the generation of training data. The KB contains triple records (subject; predicate; object), for example (Albert Einstein; Birth place; Ulm, Kingdom of Württemberg, German Empire). Questions are generated by utilizing the template Q G ( s u b j e c t , p r e d i c a t e ) , which takes the subject and predicate as variables. A simple template, “ p r e d i c a t e of s u b j e c t ?” can be used, and the synthetic question is “Birth place of Albert Einstein?”. Then, we find the evidence documents and label the answer spans via distant supervision. Documents containing both the subject and object are taken as candidates. The distant supervision assumption is that the candidate document can be used to answer the question and the answer is exactly the mention of the object. For example, the sentence “Albert Einstein was born in Ulm, Kingdom of Württemberg, German Empire, on 14 March 1879” can be taken as evidence, and the answer is labeled as “Ulm, Kingdom of Württemberg, German Empire”. Concentrating on extracting the answer span from the given text, we assume that the given text contains the answer. That is, when generating the data, only texts containing the answer are returned, so we only have positive sentences. The supervision information is the start and end positions of the answer span.
As for data sources for building the corpus, encyclopedias, such as Wikipedia, Baidu Encyclopedia and vertical encyclopedias like IMDB, are good choices. Firstly, these sites are commonly used as the document source for factoid QA because of its coverage, so the language style of the texts is consistent at training and testing. Additionally, the entity-centric characteristic of encyclopedia makes it easier to perform entity linking.

3.2.2. Domain Adaptation

It is obvious that the generated questions are different from the ones asked by users in both the content and the expression style. In order to obtain more natural training data, domain adaptation is performed on the generated questions, by utilizing community QA data that reflects the interests and styles of users.
Firstly, the probability that a synthetic question is asked by users is estimated by searching the QA community with ( s u b j e c t ) + ( p r e d i c a t e ) as a keyword, where the symbol + denotes the logic OR. Specifically, the following factors are considered:
  • N Q : the total number of retrieved questions.
  • N Q S : the number of retrieved questions containing the subject.
  • N Q P : the number of retrieved questions containing the predicate.
  • N Q O : the number of retrieved questions whose answers contain the object, i.e., the answer of the synthetic question.
Then, the probability of the question being asked is defined as
p a s k e d = α 0 N Q + α 1 N Q S + α 2 N Q P + α 3 N Q O ,
where α * are hyper-parameters. Finally, the probability is normalized, and synthetic questions are selected according to their probabilities, so that the generated training data can possess a more similar distribution with the real-world datasets.
Another problem of the generated data is that the questions’ expressions are monotonous, so the QA model solely trained on these data will be very sensitive to expression variants. Accordingly, a distant paraphrase is proposed to mine paraphrases of questions from the community QA based on distant supervision.
The synonymous relationship between two questions is evaluated from two aspects, namely the contents of questions and their answers. Candidate paraphrases of a synthetic question are firstly retrieved from community QA with (subject)+(predicate) as the keyword. A large portion of questions in the QA forums are discourse questions, but the search procedure can bring a bias/priority towards factoid ones. It is further required that the subject must be mentioned in the candidates. Let Q denote one of the candidate paraphrases, then the assumption for distant paraphrase detection is that Q is accepted if its answer is the object. However, it is a non-trivial task to evaluate whether the answer of a community question is the object because the answer in QA forums usually contains some explanations. Another observation is that answers of factoid questions are usually short and should contain the objects. Thus, for simplicity, the candidate Q is accepted if its short answers contain the object. In the future, we will further study how to identify the equivalent relationship between the object and the answer of a community question. Furthermore, it is also required that Q and the predicate have no words in common, in order to encourage the diverse expressions of predicates.
Supervised learning methods for paraphrase detection of questions are studied in the context of SemEval [56,57]. Aiming at answering new community QA questions, they only use the similarities between questions, while we also consider the similarities between answers. Our architecture may benefit from the combination of these methods in the future.

3.3. QA Model

The QA model adopted in this paper is mainly inspired by DrQA [41] and the attention-based interaction [23] between the question and the document. There are four layers, namely word representation layer, context-aware representation layer, interaction layer and pointer network layer. The word representation layer learns the low-dimensional dense embeddings of words. The context-aware representation layer further enriches the embedding by considering context of the words. The interaction layer learns the interaction between the question and the document via attention mechanisms. Finally, the pointer network layer determines the answer span. The overall structure of the model is illustrated in Figure 1.

3.3.1. Word Representation Layer

Words in the question and the evidence text are modelled on the character level. A modified version of an RNN unit, i.e., simple recurrent unit (SRU) [58], is adopted because it could make better use of the parallel structure of GPU. Given a word w that consists of a character sequence
C = { c 0 , c 1 , , c | w | 1 } ,
where | w | is the number of characters, a lookup table operation maps every character into the corresponding character embedding
C = [ c 0 , c 1 , , c | w | 1 ] ,
where c * R d 0 is the d 0 -dimensional character embedding Then, a bidirectional SRU learns the representation of characters, formally
H c = B i S R U ( C ) ,
where H c R | w | × d 1 are the hidden states of the SRU, and d 1 is the size of the hidden state. Finally, max-pooling over time merges the vector sequence into a fixed-size vector as the representation of words
w = m a x - p o o l ( H c ) ,
where w R d 1 . Then, the question and the evidence are represented as
Q = [ q 0 , q 1 , , q | Q | 1 ]
and
D ˜ = [ d ˜ 0 , d ˜ 1 , , d ˜ | D | 1 ] ,
where | Q | and | D | denote the length of the question and the document, respectively.
Furthermore, additional features are considered for the representation of the evidence words. It is observed that the words in question have a lower chance to appear in the answer. Thus, one commonly used binary feature is whether the evidence word also exists in the question. Feature extraction is also performed on the embedding layer. Furthermore, a weighted sum of the words in the question is calculated for every word in the evidence. The weights are calculated by bilinear attention
α i , j = d ˜ i T W 0 q j ,
where W 0 R d 1 × d 1 is a trainable matrix, d ˜ i and q j denote the representation of i-th word of evidence and j-th word of question, respectively. Then, the attention weights are normalized by soft-max function
a i , j = e x p ( α i , j ) k = 0 | Q | 1 l = 0 | R | 1 e x p ( α k , l ) .
For the i-th word of evidence, a weighted sum of the question word representations is calculated as follows:
w ^ i = j = 0 | Q | 1 a i , j q j ,
where w ^ i encodes the most relevant information of the question. Finally, the representation of i-th word in the evidence is represented as
d i = [ d ˜ i ; w ^ i ; f ] ,
where d i is the embedding of the word, f denotes the binary feature, and the symbol ; denotes the concatenation operation, and d i R 2 d 1 + 1 . Overall, the document is denoted as
D = d 0 , d 1 , , d | D |
and D R ( 2 d 1 + 1 ) × ( | D | 1 ) .

3.3.2. Context Aware Representation Layer

The former layer represents the word with only its characters considered. In this layer, a stacked bi-directional SRU is adopted to learn context-aware representation of the word. Denote a stacked n layer bi-directional SRU as n B i S R U . The question and the document are represented as follows:
H = n B i S R U Q ( Q ) ,
E = n B i S R U D ( D ) ,
where H R 2 d q × | Q | , E R 2 d d × | D | , d * are the sizes of hidden states, respectively.

3.3.3. Interaction Layer

The bilinear attention weights between the document and the question are calculated as follows:
B = s o f t m a x ( E T W 1 H ) ,
where W 1 R 2 d d × 2 d q is a trainable matrix, and B R | D | × | Q | . Similar to the extraction of an embedding interaction layer, the weighted sum of question word representations is calculated based on the attention
e ^ i = j = 0 | Q | 1 B i , j h j ,
where e ^ i encodes the parts of the question that best match the document word w i . Concatenate the representation of i-th word e i (i-th column of E ) in evidence and the weighted sum of question words; then, the interaction space can be denoted as
M = e 0 ; e ^ 0 , [ e 1 ; e ^ 1 ] , , [ e | D | 1 ; e ^ | D | 1 ] ,
where M R ( d d + d q ) × | D | , and m i = [ e i ; e ^ i ] is both context-aware and question aware.

3.3.4. Pointer Network Layer

The span of the answer is predicted by the pointer network layer. Two classifiers are adopted to predict the probability of start and end positions, formally
S i = σ ( w 2 m i ) ,
E i = σ ( w 3 m i ) ,
where σ is the logistic activation, m i is the i-th column of matrix M , and w 2 , w 3 R 2 d d + 2 d q are trainable parameters. Then, S i and E i are the probability of the i-th word in the evidence being the start and end of the answer span. Finally, constrained inference is performed to determine the answer span. Let the score of an span denoted by
s i j = S i + E j ,
then the span ( i , j ) with the highest score and satisfying the constraint i j i + L is taken as the answer span, where L is the length of the longest span.

3.4. Training

The QA model is supervised by utilizing the cross entropy loss at the start and end position. Formally, we have the loss of the QA model defined as follows:
L = 1 N k = 0 N 1 l o g S s k g + l o g E e k g ,
where s k g and e k g are the golden start and end positions of the i-th sample, respectively, and N is the size of batch.
Backward propagation is adopted to update the model parameters
θ = θ λ L θ ,
where θ is the parameters in the QA model, and λ is the learning rate. The Adamax algorithm [59] is used to adjust the learning rate.

4. Experiments

4.1. Dataset

WebQA [5] is a large-scale factoid QA dataset. The questions in the dataset are real-world ones mined from the Baidu search engine (https://www.baidu.com/), containing both simple and complex questions. More details about the construction of WebQA can be found in [5]. There are 140,897, 3018, and 3024 question answering pairs in the training, validation, and test dataset, respectively.
Since WebQA is a Chinese factoid dataset, a Chinese KB is needed. Considering that predicates in DBpedia are in English, we construct a new Chinese KB leveraging Baidu Baike (https://baike.baidu.com), the largest Chinese encyclopedias. More than 1.5 million items are crawled from Baidu Baike during September 2017. Finally, 3.15 million triples are extracted from the info-boxes of entity pages to form the KB, and the corpus is constructed by extracting the abstracts of the pages. The community QA site, Baidu Zhidao (https://zhidao.baidu.com), is explored for distant QA pairs selection and distant paraphrase.
Utilizing the KB and corpus, 1.05 million training QA pairs are generated by the distant supervision method introduced in Section 3. The hyper-parameters for evaluating p a s k e d are set to 0.1, 0.4, 0.6, 0.8 for α 0 , α 1 , α 2 , α 3 , respectively. In addition, 5767 paraphrased questions with diverse expressions are mined for 2552 triples using the proposed distant paraphrase method. There is a trade-off between the precision and recall, so a large number of correct paraphrased questions are dropped to avoid the noise in mined results. We would design a model to reduce the impact of noise to recall more distant paraphrased questions in the future. We also release this data for further research on paraphrase mining.
Statistics of the length of the generated questions, evidence, and answers are given in Figure 2. The distribution of the answers’ length is similar to that of WebQA. There are few long pieces of evidence in generated data because the evidence is partitioned into sentences during preprocessing. As for questions, the sentence structures of synthetic questions are monotonous since they are generated via the simple template. Most of the synthetic questions have 5–9 words because the entity name and predicate contain 1–5 and 1–2 words, respectively. By contrast, the length of paraphrased questions has a similar distribution with WebQA, and these questions have diverse and flexible expressions since they are mined from Community QA data. Statistics of the paraphrased predicates are given in Figure 3. The distribution of paraphrases is skewed and paraphrases of the top 100 predicates make up a large proportion. The top 25 predicates are listed in the second sub-plot. It can be seen that diverse topics such as music, sports and geography are included.
To evaluate the quality of the distant paraphrased questions, 100 of them are randomly sampled and manually labeled. The statistic result and samples of the distant paraphrases are given in Table 2. In addition, 61 of the paraphrases are correct, and the errors are roughly categorized into four overlapped categories/causes, namely multiple query intents (MQI), not exactly matching (NEM), failure of supervision (FoS) and discourse questions (DQ). MQI errors are caused by the phenomenon that users of QA forums usually have multiple related query intents in a single question. NEM means the same aspect of entity is queried, but the expected answers are from different granularities. For example, the questions “which province is Xi’an in?” and “region of Xi’an?” both query the location of Xi’an. However, the expected answers are from different levels. We assume that retrieved questions are paraphrases of the synthetic questions when the object is contained in the answer. FoS happens when the object is mentioned in the answer, but other relations are described. A large portion of questions in the community QA forums are discourse questions on opinionated, experiential or controversial topics, and a selection of these questions causes the DQ errors.

4.2. Experiment Settings

The main hyper-parameters of the model are summarized in Table 3. The dimensions of character embedding and word embedding are both set to 64 following the work [5]. The number of characters in a word is determined according to the statistics of the length of words. As is illustrated in Figure 4, most (90%+) of the Chinese words are within three characters. Thus, the max-length of characters is set to 3 for a trade-off between computation complexity and accuracy. In addition, the number of training epoch is determined by the results on the validation set.
We use the validation and test set of WebQA to evaluate the result. The performance of the model is measured by accuracy
A = | C | | Q | ,
where Q is the list of questions, and C is the questions that are answered correctly. There are two ways, namely strict and fuzzy manners introduced by Li et al. [5], to evaluate whether a question is answered correctly. In the strict manner, a question is considered as correctly answered when the generated answer exactly matches the labeled answer. In fuzzy manner, the answer is considered as correct if the generated answer is a synonym of the golden answer. For example, “Beijing City” is a synonym of “Beijing”. In this paper, we use the fuzzy match accuracy A F M as the criterion. Let | Q r | denote the number of answers returned by the system, the precision and recall are calculated as
P = | C | | Q r | ,
R = | C | | Q | .
Since the pointer network generates one answer for each question, our system will return | Q | answers, i.e., | Q r | = | Q | . As a result, precision, recall and F1 score are equal to the accuracy for our method.

4.3. Experimental Results and Analysis

4.3.1. Factoid QA with Only Distantly Supervised Training Data

In this subsection, we introduce the results obtained by utilizing the distantly supervised data. Let N d i s denote the number of distantly labeled QA pairs for training the model, and three configurations are set as follows:
  • DSBasic (Distant Supervision Basic): all the training samples generated by distant supervision are equally treated, and N d i s QA pairs are randomly selected.
  • DS+SS (Distant supervision with sample selection): the generated samples are weighted by the probability p a s k e d , and QA pairs with the top N d i s p a s k e d are selected. In the experiments, synthetic questions with probability 0 are included when N d i s is larger than the number of generated questions with non-zero probability.
  • DS+SS+DP (DS+SS with disant paraphrase): questions with the top N d i s N D P p a s k e d are selected, where N D P = 5767 is the number of paraphrased questions. Then, N D P QA pairs with paraphrased questions are added.
Factoid QA results under the above three configurations are given in Figure 5. Our QA system achieves an fuzzy matching accuracy of 49.34% with only training data obtained via distant supervision, indicating that the proposed method is promising. Some other interesting facts can also be observed from the results. Firstly, the QA performance improves with the increase of distant-supervised training samples. Secondly, the DS+SS method outperforms DSBasic by two points, benefiting from the domain adaptation operation by selecting important samples according to probabilities derived from community QA data. In addition, sample selection can also improve the model’s efficiency when the computing capabilities are limited while the scale of distant-supervised data is huge. The effectiveness of sample selection decreases at N d i s = 640 k and N d i s = 1050 k because there are only 1050 k candidate samples and most of them are kept. Thirdly, the more distantly supervised samples are used, the larger improvement is brought by the distant paraphrase. The model solely trained on large scale distantly supervised samples tends to be a good information extractor but not good at understanding diverse query expressions. Adding the distant paraphrased samples alleviates the bottleneck. For example, about six and nine point improvements (when the improvement is of six points, χ 2 = 25.85, χ p = 0.001 2 = 10.83, so p < 0.001) are obtained with training size 320 k and 640 k, respectively.
We further analyse the influence of distant paraphrase on the model’s generalization ability to answer real-world questions through case studies. Answers of three questions with the same query intent are given in Table 4. The model trained on synthetic data could answer the first question because the question has a similar schema with the synthetic questions, but the other two questions are mistakenly answered. Apparently, the model is sensitive to the variants of expressions though the changes are small for humans. This is because synthetic questions are all simple, so the model has little chance to see other auxiliary words and learn from them. By contrast, the model trained with distant paraphrases is robust to the W-words, such as where, when and who, and can correctly answer three questions, showing its good generalization ability.

4.3.2. Improved Factoid QA with Distant Supervision

In this subsection, we evaluate whether factoid QA could benefit from the synthetic training data generated by distant supervision when some labeled data is available. Different portions of the 140 k QA pairs (WebQA training set) are kept to simulate different amounts of available labeled data. Experimental configurations are as follows:
  • SLBasic (Supervised Learning Basic): as the baseline, the QA model is trained solely on the labeled data.
  • DS+SL: the QA model is pre-trained on 320 k QA pairs generated via distant supervision (DSBasic) and then trained on the labeled data of the same size as SLBasic.
  • DS+SS+SL: the QA model is pre-trained on 320 k QA pairs generated via distant supervision (DS+SS) and then trained on the labeled data of the same size as SLBasic.
  • DS+SS+DP+SL: the QA model is pre-trained on 320 k QA pairs generated via distant supervision (DS+SS+DP) and then trained on the labeled data of the same size as SLBasic.
Performances of the models under different amounts of labeled data are illustrated in Figure 6. Using the same amount of labelled data, models pre-trained on distantly supervised data outperform SLBasic, proving that our method could be used to improve the QA performance of domains where the amount of labeled data is limited. For example, with approximately 14 k (10%) labeled data, the results of the models with and without pre-training are 63.86% (DS+SS+SL) and 53.87% (SLBasic) respectively. In particular, the results are significantly improved when there is a small amount of training data. For example, when 1% (approximately 1.4 k) of the labeled data is given, the model using distant supervision data generated via DS+SS improves A F M from 26.19% to 56.51%. Meanwhile, the model can still benefit from learning to answer the simple synthetic questions when there is lots of training data. Specifically, with 100% of the labeled samples, our method gets an absolute increase of 1.35 A F M points over the baseline model trained on the WebQA data. The DS+SS+SL outperforms DS+SL by 2–5 points, demonstrating that the synthetic question selection is effective. DS+SS+DP+SL only outperforms DS+SS+SL when training data is very limited (0–1.4 k) because the bottleneck of understanding diverse query expressions could also be alleviated by the annotated data. The scale of paraphrases is small compared to the labeled set and there is noise in the mined paraphrases. Nevertheless, a distant paraphrase could potentially assist annotation of QA pairs.
We further analyse how the QA models are enhanced using different approaches to incorporate the generated data. The adopted configurations are as follows:
  • Supervised learning (SL): The model is solely trained on annotated QA pairs.
  • Pre-training+ SL: The model is pre-trained on 320 k generated QA pairs (generated via DS+SS configuration) and then trained on the annotated data.
  • SL+: The model is simultaneously trained on both the generated data and annotated data. Specifically, the model is iteratively trained on a mini-batch of generated data and another mini-batch of annotated data. Note that the training loss and mini-batch number are calculated and counted on the annotated data.
Experimental results of different labeling rate (the percentages of labeled data used to train the models) are listed in Table 5. It is observed that incorporating generated data to the labeled data improves the model’s performance, both in the pre-training + SL and SL+ configurations.
The curves of training loss and validation accuracy under 100% labeling rate are given in Figure 7, where the fuzzy accuracy is reported every 1000 mini-batches and the losses are the average of every 1000 mini-batches. It is observed that the training loss of Pre-training+SL decreases faster than SL, and the fuzzy accuracy improves faster. This observation indicates that the model pre-trained on the generated data could extract relevant features and obtain better generalization ability. This is similar to the effect of the classical pre-training of DNN classifier using an auto-encoder [60]. Answering the synthetic questions and reconstructing the figures could both be regarded as auxiliary tasks. The main difference is that our auxiliary task could use the identical neural networks with the main task and requires a similar abstraction level of features. Meanwhile, compared with SL, SL+ has a higher training loss and achieves higher validation accuracy. This is because both SL and SL+ have the same parameter size, while the latter learns to answer both annotated questions and synthetic ones, so its Rademacher complexity, or the ability to fit random noise, is reduced to decrease the risk of over-fitting.
We further compare the proposed method with the sequence-labeling methods [5]. More experiments are also carried out with two state-of-the-art QA models, i.e., the Bi-Directional Attention Flow model (BiDAF) [22] and R-NET [12], in order to investigate the generalization of our distant supervised learning method. Details of the models are as follows:
  • Sequence-labeling methods [5]: the question is first encoded into a vector utilizing single-time attention. Then, question-aware representations of evidence words are learned with bi-directional LSTMs. Finally, a softmax or CRF layer is used to predict the labels. The sequence-labeling methods are capable of generating zero, one or multiple answers for a question and a given document, thus precision (P), recall (R) and F1 scores are used in the evaluation.
  • Methods with interaction attention and pointer net: BiDAF [22], R-NET [12] and our baseline all adopt interaction attention and pointer net. These models all contain word–word interactions between the question and the evidence, which are supposed to better perform question aware reading comprehension [23]. BiDAF contains both context to query and query to context attention. Self-attention and several gates are adopted in R-NET considering that only parts of the document contribute to the answer extraction. Our baseline method contains question to document interaction in two layers. Character-level encoding and the binary feature f are used in word representation of these three models.
  • Methods with interaction attention and pointer net + DS: models are the same as those of the previous configuration. The only difference is that 320 k generated QA pairs (under DS+SS configuration) are added to the annotated data.
Experimental results are listed in Table 6. Sequence-labeling methods could generate multiple answers from a QA pair, so a sequence-labeling model with CRF obtains the highest recall. In the meantime, the precision of these systems decreases. When comparing with the results, one should notice their flexibility and capability to generate zero, one or multiple answers. BiDAF, R-NET and our baseline outperform sequence-labeling methods on F1 value, showing the importance of interaction attention, and our baseline model achieves competitive results with BiDAF and R-NET. When optimized on both generated data and labeled data, BiDAF, R-NET and our baseline achieve the state-of-the-art results, and improvements of roughly one point are observed. With 50% of the annotated data, incorporating distant supervision could bring more significant improvements to the three models, adding 2.25, 2.22 and 3.90 points for BiDAF, R-NET and our baseline model, respectively. Generally, the distant supervision data generation method could boost the performance of QA models, demonstrating its potential in QA of new domains or languages where annotated data is limited.

5. Conclusions

Motivated by the fact that it is very expensive to label data for deep learning QA models, we explore the method of generating large-scale training data for factoid QA via distant supervision. Additional efforts are made to adapt the generated data to accord with real-world ones. Specifically, we select the generated questions that can better reflect the query interests of users. Paraphrases of questions are mined from community QA data to enrich the expression styles of the generated data. Experimental results on a real-world QA dataset show that the deep learning QA model benefits from learning to answer the generated questions, even when a large-scale training data is available, demonstrating the potential of our proposal in factoid QA of new domains or languages. To the best of our knowledge, this paper makes the first attempt to answer real-world questions by utilizing distant supervision.
In future work, iterative paraphrase mining and QA model training will be studied. On one hand, the QA model, which could be used to extract the exact answer of a community question, is helpful for distant paraphrase. On the other hand, the QA model benefits from the mined question paraphrases that have less noise. In addition to the QA model, the document retriever is also an important component of a document based QA system. In this paper, we only generate training data for the QA model and test the model in an environment where the correct document is provided. In the future, we will incorporate the document retriever, exploring methods that can reduce the side effect of the mistakenly retrieved documents and better utilize the multiple retrieved documents to verify the answer. In addition, we will also investigate how to generate training data for the document retriever using distant supervision, in order to build a holistic QA system that can be generalized to new domains or languages.

Author Contributions

H.Z., X.L., G.X., F.L., K.F. and T.H. conceived and designed the experiments; H.Z. performed the experiments and wrote the paper. All authors have read and approved the final manuscript.

Acknowledgments

We would like to thank the anonymous reviewers for their insightful comments. This work is supported in part by the National Natural Science Foundation of China under Grant No. 61725105 and Gusu Innovation Talent Foundation of Suzhou under Grant ZXT2017002. The authors thank Weili Zhang for the valuable comments on this work.

Conflicts of Interest

The authors declare no conflict of interest.

Abbreviations

The following abbreviations are used in this manuscript:
QAQuestion Answering
KBKnowledge Base
NLPNatural Language Processing
LSTMLong Short-Term Memory
TF-IDFTerm Frequency–Inverse Document Frequency
RNNRecurrent Neural Network
SRUSimple Recurrent Unit
CRFConditional Random Field
BiDAFBi-Directional Attention Flow
DSDistant Supervision

References

  1. Berant, J.; Chou, A.; Frostig, R.; Liang, P. Semantic Parsing on Freebase from Question-Answer Pairs. In Proceedings of the 2013 Conference on Empirical Methods in Natural Language Processing, Seattle, WA, USA, 18–21 October 2013; pp. 1533–1544. [Google Scholar]
  2. Bordes, A.; Usunier, N.; Chopra, S.; Weston, J. Large-scale Simple Question Answering with Memory Networks. arXiv, 2015; arXiv:1506.02075. [Google Scholar]
  3. Sun, H.; Ma, H.; He, X.; Yih, W.t.; Su, Y.; Yan, X. Table Cell Search for Question Answering. In Proceedings of the 25th International Conference on World Wide Web, Republic and Canton of Geneva, Switzerland, 11–15 April 2016; pp. 771–782. [Google Scholar]
  4. Rajpurkar, P.; Zhang, J.; Lopyrev, K.; Liang, P. SQuAD: 100,000+ Questions for Machine Comprehension of Text. arXiv, 2016; arXiv:1606.05250. [Google Scholar]
  5. Li, P.; Li, W.; He, Z.; Wang, X.; Cao, Y.; Zhou, J.; Xu, W. Dataset and Neural Recurrent Sequence Labeling Model for Open-Domain Factoid Question Answering. arXiv, 2016; arXiv:1607.06275. [Google Scholar]
  6. Trischler, A.; Wang, T.; Yuan, X.; Harris, J.; Sordoni, A.; Bachman, P.; Suleman, K. NewsQA: A Machine Comprehension Dataset. arXiv, 2017; arXiv:1611.09830. [Google Scholar]
  7. Ferrucci, D.A. Introduction to ’This is Watson’. IBM J. Res. Dev. 2012, 56, 1:1–1:15. [Google Scholar] [CrossRef]
  8. Bao, J.; Duan, N.; Zhou, M.; Zhao, T. Knowledge-Based Question Answering as Machine Translation. In Proceedings of the 52nd Annual Meeting of the Association for Computational Linguistics (Volume 1: Long Papers), Baltimore, MD, USA, 22–27 June 2014; pp. 967–976. [Google Scholar]
  9. He, S.; Liu, K.; Zhang, Y.; Xu, L.; Zhao, J. Question Answering over Linked Data Using First-order Logic. In Proceedings of the 2014 Conference on Empirical Methods in Natural Language Processing (EMNLP), Doha, Qatar, 25–29 October 2014; pp. 1092–1103. [Google Scholar]
  10. Hermann, K.M.; Kočiský, T.; Grefenstette, E.; Espeholt, L.; Kay, W.; Suleyman, M.; Blunsom, P. Teaching Machines to Read and Comprehend. In Proceedings of the 28th International Conference on Neural Information Processing Systems, Montreal, QC, Canada, 7–12 December 2015; Volume 1, pp. 1693–1701. [Google Scholar]
  11. McCann, B.; Bradbury, J.; Xiong, C.; Socher, R. Learned in Translation: Contextualized Word Vectors. In Advances in Neural Information Processing Systems 30; Guyon, I., Luxburg, U.V., Bengio, S., Wallach, H., Fergus, R., Vishwanathan, S., Garnett, R., Eds.; Curran Associates, Inc.: Red Hook, NY, USA, 2017; pp. 6297–6308. [Google Scholar]
  12. Wang, W.; Yang, N.; Wei, F.; Chang, B.; Zhou, M. Gated Self-Matching Networks for Reading Comprehension and Question Answering. In Proceedings of the 55th Annual Meeting of the Association for Computational Linguistics (Volume 1: Long Papers); Association for Computational Linguistics: Vancouver, BC, Canada, 2017; pp. 189–198. [Google Scholar]
  13. Jia, R.; Liang, P. Adversarial Examples for Evaluating Reading Comprehension Systems. arXiv, 2017; arXiv:1707.07328. [Google Scholar]
  14. Du, X.; Shao, J.; Cardie, C. Learning to Ask: Neural Question Generation for Reading Comprehension. arXiv, 2017; arXiv:1705.00106. [Google Scholar]
  15. Duan, N.; Tang, D.; Chen, P.; Zhou, M. Question Generation for Question Answering. In Proceedings of the 2017 Conference on Empirical Methods in Natural Language Processing, Copenhagen, Denmark, 9–11 September 2017; pp. 866–874. [Google Scholar]
  16. Vrandečić, D.; Krötzsch, M. Wikidata: A Free Collaborative Knowledgebase. Commun. ACM 2014, 57, 78–85. [Google Scholar] [CrossRef]
  17. Auer, S.; Bizer, C.; Kobilarov, G.; Lehmann, J.; Cyganiak, R.; Ives, Z. DBpedia: A Nucleus for a Web of Open Data. In Proceedings of the 6th International The Semantic Web and 2nd Asian Conference on Asian Semantic Web Conference, Busan, Korea, 11–15 November 2007; pp. 722–735. [Google Scholar]
  18. Zhang, H. zhhongzhi/factoid_QA_with_distant_spervision: Codes for Our Paper Factoid Question Answering With Distant Supervision. 2018. Available online: https://github.com/zhhongzhi/factoid_QA_with_distant_spervision (accessed on 5 June 2018).
  19. Zhang, H. Data_for_factoid_QA_with_distant_spervision. 2018. Available online: https://drive.google.com/drive/folders/1EI47PfmeZRfpAUdNq2EI7um_sxlV8prv?usp=sharing (accessed on 5 June 2018).
  20. He, W.; Liu, K.; Lyu, Y.; Zhao, S.; Xiao, X.; Liu, Y.; Wang, Y.; Wu, H.; She, Q.; Liu, X.; et al. DuReader: A Chinese Machine Reading Comprehension Dataset from Real-world Applications. arXiv, 2017; arXiv:1711.05073. [Google Scholar]
  21. Nguyen, T.; Rosenberg, M.; Song, X.; Gao, J.; Tiwary, S.; Majumder, R.; Deng, L. MS MARCO: A Human Generated MAchine Reading COmprehension Dataset. arXiv, 2016; arXiv:1611.09268. [Google Scholar]
  22. Seo, M.J.; Kembhavi, A.; Farhadi, A.; Hajishirzi, H. Bidirectional Attention Flow for Machine Comprehension. arXiv, 2016; arXiv:1611.01603. [Google Scholar]
  23. Wang, S.; Jiang, J. Machine Comprehension Using Match-LSTM and Answer Pointer; ICLR 2017; ICLR: Toulon, France, 2017. [Google Scholar]
  24. Cui, Y.; Chen, Z.; Wei, S.; Wang, S.; Liu, T.; Hu, G. Attention-over-Attention Neural Networks for Reading Comprehension. arXiv, 2016; arXiv:1607.04423. [Google Scholar]
  25. Vinyals, O.; Fortunato, M.; Jaitly, N. Pointer Networks. In Advances in Neural Information Processing Systems 28; Cortes, C., Lawrence, N.D., Lee, D.D., Sugiyama, M., Garnett, R., Eds.; Curran Associates, Inc.: Red Hook, NY, USA, 2015; pp. 2692–2700. [Google Scholar]
  26. Hewlett, D.; Jones, L.; Lacoste, A.; Gur, I. Accurate Supervised and Semi-Supervised Machine Reading for Long Documents. In Proceedings of the 2017 Conference on Empirical Methods in Natural Language Processing, Copenhagen, Denmark, 9–11 September 2017; pp. 2011–2020. [Google Scholar]
  27. Labutov, I.; Basu, S.; Vanderwende, L. Deep Questions without Deep Understanding. In Proceedings of the 53rd Annual Meeting of the Association for Computational Linguistics and the 7th International Joint Conference on Natural Language Processing (Volume 1: Long Papers), Beijing, China, 27–31 July 2015; pp. 889–898. [Google Scholar]
  28. Chali, Y.; Hasan, S.A. Towards Topic-to-question Generation. Comput. Linguist. 2015, 41, 1–20. [Google Scholar] [CrossRef]
  29. Song, L.; Zhao, L. Domain-specific Question Generation from a Knowledge Base. arXiv, 2016; arXiv:1610.03807. [Google Scholar]
  30. Mintz, M.; Bills, S.; Snow, R.; Jurafsky, D. Distant supervision for relation extraction without labeled data. In Proceedings of the Joint Conference of the 47th Annual Meeting of the ACL and the 4th International Joint Conference on Natural Language Processing of the AFNLP, Suntec, Singapore, 2–7 August 2009; pp. 1003–1011. [Google Scholar]
  31. Hoffmann, R.; Zhang, C.; Ling, X.; Zettlemoyer, L.; Weld, D.S. Knowledge-Based Weak Supervision for Information Extraction of Overlapping Relations. In Proceedings of the 49th Annual Meeting of the Association for Computational Linguistics: Human Language Technologies, Oregon, Poland, 19–24 June 2011; pp. 541–550. [Google Scholar]
  32. Zeng, D.; Liu, K.; Chen, Y.; Zhao, J. Distant Supervision for Relation Extraction via Piecewise Convolutional Neural Networks. In Proceedings of the 2015 Conference on Empirical Methods in Natural Language Processing, Lisbon, Portugal, 19–21 September 2015; pp. 1753–1762. [Google Scholar]
  33. Lin, Y.; Shen, S.; Liu, Z.; Luan, H.; Sun, M. Neural Relation Extraction with Selective Attention over Instances. In Proceedings of the 54th Annual Meeting of the Association for Computational Linguistics (Volume 1: Long Papers), Berlin, Germany, 7–12 August 2016; pp. 2124–2133. [Google Scholar]
  34. Levy, O.; Seo, M.; Choi, E.; Zettlemoyer, L. Zero-Shot Relation Extraction via Reading Comprehension. In Proceedings of the 21st Conference on Computational Natural Language Learning (CoNLL 2017), Vancouver, Canada, 3–4 August 2017; pp. 333–342. [Google Scholar]
  35. Purver, M.; Battersby, S. Experimenting with Distant Supervision for Emotion Classification. Proceedings of the 13th Conference of the European Chapter of the Association for Computational Linguistics, Avignon, France, 23–27 April 2012, 482–491.
  36. Plank, B.; Hovy, D.; McDonald, R.; Søgaard, A. Adapting taggers to Twitter with not-so-distant supervision. In Proceedings of the COLING 2014, the 25th International Conference on Computational Linguistics: Technical Papers, Dublin, Ireland, 23–29 August 2014; pp. 1783–1792. [Google Scholar]
  37. Tabassum, J.; Ritter, A.; Xu, W. TweeTime : A Minimally Supervised Method for Recognizing and Normalizing Time Expressions in Twitter. In Proceedings of the 2016 Conference on Empirical Methods in Natural Language Processing; Austin, Texas, 2–4 November 2016; pp. 307–318. [Google Scholar]
  38. Zeng, Y.; Feng, Y.; Ma, R.; Wang, Z.; Yan, R.; Shi, C.; Zhao, D. Scale Up Event Extraction Learning via Automatic Training Data Generation. arXiv, 2017; arXiv:1712.03665. [Google Scholar]
  39. Joshi, M.; Choi, E.; Weld, D.; Zettlemoyer, L. TriviaQA: A Large Scale Distantly Supervised Challenge Dataset for Reading Comprehension. In Proceedings of the 55th Annual Meeting of the Association for Computational Linguistics (Volume 1: Long Papers), 30 July–4 August 2017; pp. 1601–1611. [Google Scholar]
  40. Dhingra, B.; Mazaitis, K.; Cohen, W.W. Quasar: Datasets for Question Answering by Search and Reading. arXiv, 2017; arXiv:1707.03904. [Google Scholar]
  41. Chen, D.; Fisch, A.; Weston, J.; Bordes, A. Reading Wikipedia to Answer Open-Domain Questions. Proceedings of the 55th Annual Meeting of the Association for Computational Linguistics (Volume 1: Long Papers), Vancouver, Canada, 31 July–2 Aufust 2017, 1870–1879.
  42. Clark, C.; Gardner, M. Simple and Effective Multi-Paragraph Reading Comprehension. arXiv, 2017; arXiv:1710.10723. [Google Scholar]
  43. Wang, S.; Yu, M.; Guo, X.; Wang, Z.; Klinger, T.; Zhang, W.; Chang, S.; Tesauro, G.; Zhou, B.; Jiang, J. R$3$: Reinforced Reader-Ranker for Open-Domain Question Answering. arXiv, 2017; arXiv:1709.00023. [Google Scholar]
  44. Kingma, D.P.; Mohamed, S.; Jimenez Rezende, D.; Welling, M. Semi-supervised Learning with Deep Generative Models. In Advances in Neural Information Processing Systems 27; Ghahramani, Z., Welling, M., Cortes, C., Lawrence, N.D., Weinberger, K.Q., Eds.; Curran Associates, Inc.: Red Hook, NY, USA, 2014; pp. 3581–3589. [Google Scholar]
  45. Odena, A. Semi-Supervised Learning with Generative Adversarial Networks. arXiv, 2016; arXiv:1606.01583. [Google Scholar]
  46. Russakovsky, O.; Deng, J.; Su, H.; Krause, J.; Satheesh, S.; Ma, S.; Huang, Z.; Karpathy, A.; Khosla, A.; Bernstein, M.; et al. ImageNet Large Scale Visual Recognition Challenge. Int. J. Comput. Vision 2015, 115, 211–252. [Google Scholar] [CrossRef] [Green Version]
  47. Socher, R.; Perelygin, A.; Wu, J.; Chuang, J.; Manning, C.D.; Ng, A.; Potts, C. Recursive Deep Models for Semantic Compositionality Over a Sentiment Treebank. In Proceedings of the 2013 Conference on Empirical Methods in Natural Language Processing, Seattle, WA, USA, 18–21, October 2013; pp. 1631–1642. [Google Scholar]
  48. Nallapati, R.; Zhou, B.; dos Santos, C.; Gulcehre, C.; Xiang, B. Abstractive Text Summarization using Sequence-to-sequence RNNs and Beyond. In Proceedings of the 20th SIGNLL Conference on Computational Natural Language Learning, Berlin, Germany, 11–12 August 2016; pp. 280–290. [Google Scholar]
  49. Peters, M.E.; Neumann, M.; Iyyer, M.; Gardner, M.; Clark, C.; Lee, K.; Zettlemoyer, L. Deep contextualized word representations. arXiv, 2018; arXiv:1802.05365. [Google Scholar]
  50. Wiese, G.; Weissenborn, D.; Neves, M. Neural Domain Adaptation for Biomedical Question Answering. In Proceedings of the 21st Conference on Computational Natural Language Learning (CoNLL 2017), Vancouver, Canada, 3–4 August 2017; pp. 281–289. [Google Scholar]
  51. Chung, Y.; Lee, H.; Glass, J.R. Supervised and Unsupervised Transfer Learning for Question Answering. arXiv, 2017; arXiv:1711.05345. [Google Scholar]
  52. Min, S.; Seo, M.; Hajishirzi, H. Question Answering through Transfer Learning from Large Fine-grained Supervision Data. In Proceedings of the 55th Annual Meeting of the Association for Computational Linguistics (Volume 2: Short Papers), Vancouver, Canada, 31 July–2 August 2017; pp. 510–517. [Google Scholar]
  53. Yang, Z.; Hu, J.; Salakhutdinov, R.; Cohen, W. Semi-Supervised QA with Generative Domain-Adaptive Nets. In Proceedings of the 55th Annual Meeting of the Association for Computational Linguistics (Volume 1: Long Papers), Vancouver, Canada, 31 July–2 August 2017; pp. 1040–1050. [Google Scholar]
  54. Jurafsky, D.; Martin, J.H. Speech and Language Processing, 2nd ed.; Prentice-Hall, Inc.: Upper Saddle River, NJ, USA, 2009. [Google Scholar]
  55. Wang, S.; Yu, M.; Jiang, J.; Zhang, W.; Guo, X.; Chang, S.; Wang, Z.; Klinger, T.; Tesauro, G.; Campbell, M. Evidence Aggregation for Answer Re-Ranking in Open-Domain Question Answering. arXiv, 2017; arXiv:1711.05116. [Google Scholar]
  56. Galbraith, B.; Pratap, B.; Shank, D. Talla at SemEval-2017 Task 3: Identifying Similar Questions Through Paraphrase Detection. In Proceedings of the 11th International Workshop on Semantic Evaluation (SemEval-2017), Vancouver, Canada, 3–4 August 2017; pp. 375–379. [Google Scholar]
  57. Filice, S.; Da San Martino, G.; Moschitti, A. KeLP at SemEval-2017 Task 3: Learning Pairwise Patterns in Community Question Answering. In Proceedings of the 11th International Workshop on Semantic Evaluation (SemEval-2017), Vancouver, Canada, 3–4 August 2017; pp. 326–333. [Google Scholar]
  58. Lei, T.; Zhang, Y. Training RNNs as Fast as CNNs. arXiv, 2017; arXiv:1709.02755. [Google Scholar]
  59. Kingma, D.P.; Ba, J. Adam: A Method for Stochastic Optimization. arXiv, 2014; arXiv:1412.6980. [Google Scholar]
  60. Vincent, P.; Larochelle, H.; Lajoie, I.; Bengio, Y.; Manzagol, P.A. Stacked Denoising Autoencoders: Learning Useful Representations in a Deep Network with a Local Denoising Criterion. J. Mach. Learn. Res. 2010, 11, 3371–3408. [Google Scholar]
Figure 1. The structure of the QA model.
Figure 1. The structure of the QA model.
Entropy 20 00439 g001
Figure 2. Statistics of WebQA and training data generated via distant supervision.
Figure 2. Statistics of WebQA and training data generated via distant supervision.
Entropy 20 00439 g002
Figure 3. Distribution of the paraphrased predicates.
Figure 3. Distribution of the paraphrased predicates.
Entropy 20 00439 g003
Figure 4. Word length distribution.
Figure 4. Word length distribution.
Entropy 20 00439 g004
Figure 5. Factoid QA via distant supervision.
Figure 5. Factoid QA via distant supervision.
Entropy 20 00439 g005
Figure 6. Improved factoid QA with distant supervision.
Figure 6. Improved factoid QA with distant supervision.
Entropy 20 00439 g006
Figure 7. Curves of training loss and validation accuracy. SL denotes supervised learning. Pre-training+ SL denotes that the model is pre-trained on generated data and then trained on the annotated data. SL+ denotes the model simultaneously trained on generated data and annotated data.
Figure 7. Curves of training loss and validation accuracy. SL denotes supervised learning. Pre-training+ SL denotes that the model is pre-trained on generated data and then trained on the annotated data. SL+ denotes the model simultaneously trained on generated data and annotated data.
Entropy 20 00439 g007
Table 1. Illustration of distantly supervised training data generation for Factoid QA.
Table 1. Illustration of distantly supervised training data generation for Factoid QA.
TripleSubjectAlbert Einstein
PredictBirth place
ObjectUlm, Kingdom of Württemberg, German Empire
QuestionBirth place of Albert Einstein?
AnswerUlm, Kingdom of Württemberg, German Empire
EvidenceAlbert Einstein was born in Ulm, the Kingdom of Württemberg in the German Empire, on 14 March 1879.
Table 2. Statistics and samples of paraphrased questions, where MQI, FoS, NEM and DQ denote Multiple Query Intents, Failure of Supervision, Not Exactly Matching and Discourse Questions respectively.
Table 2. Statistics and samples of paraphrased questions, where MQI, FoS, NEM and DQ denote Multiple Query Intents, Failure of Supervision, Not Exactly Matching and Discourse Questions respectively.
TagNum.Synthetic QuestionMined Paraphrase of the QuestionError Cate.
Correct61Author of Pride and Prejudice?Who wrote the book Pride and Prejudice?-
Spouse of Barack Obama?Who is Barack Obama’s wife?
Error39Nation of Odyssey?Which ancient country did Odyssey and Ilias belong to?MQI
Athletics items of YangWei?What sport did YangWei and Li Xiaopeng play?MQI
Composer of Sambo auspicious?Who writes the lyrics and composes for Sambo auspicious?MQI, FoS
Region of Xi’an?Which province is Xi’an in?NEM, FoS
Author of Pride and Prejudice?Briefly introduce the writer of Pride and Prejudice.NEM, DQ
Producer of Black Humor?Who composes for Black Humor?FoS
Country of Three Meals a Day?On which website could I watch Three Meals a Day?FoS
Abbreviation of LuXian No.2 High School?LuXian No.2 and LuZhou No.2, which is better?DQ
Original singer of DjKunsonRMX?Who sings DjKunsonRMX better, Guanjie Xu or Baiqiang Chen?DQ
Table 3. Hyper-parameters of the QA model.
Table 3. Hyper-parameters of the QA model.
ParameterParameter Value
Dim. of character embedding d 0 64
Dim. of word embedding d 1 64
Num. of characters in a word3
Dim. of hidden SRU layer d q , d d 100
Num. of stacked SRU layers9
Dropout rate of embedding0.5
Dropout rate of SRU output0.15
Learning rate λ 0.001
Table 4. Case study for the influence of distant paraphrase. The three questions are of the same query intent but different expressions. It is observed that the model trained with some distant paraphrases is more robust. DS, SS and DP are short for Distant Supervision, Sample Selection and Distant Paraphrase respectively.
Table 4. Case study for the influence of distant paraphrase. The three questions are of the same query intent but different expressions. It is observed that the model trained with some distant paraphrases is more robust. DS, SS and DP are short for Distant Supervision, Sample Selection and Distant Paraphrase respectively.
MethodQuestionEvidenceAnswer GeneratedScore
DS+SSBorn place of Archimedes?Sicily0.71
Where is the born place of Archimedes?In 287 BC, Archimedes was born in Sicily (now Italy Siracusa)Archimedes was born in Sicily0.36
Where was Archimedes born?Archimedes0.59
DS+SS+DPBorn place of Archimedes?Sicily0.59
Where is the born place of Archimedes?Sicily0.50
Where was Archimedes born?Sicily0.46
Table 5. QA performances using different approaches to incorporate the generated data. Here SL is short for Supervised Learning.
Table 5. QA performances using different approaches to incorporate the generated data. Here SL is short for Supervised Learning.
ConfigurationLabeling Rate (%) A fm
SL5069.08
Pre-training + SL5072.98
SL+5072.02
SL10075.20
Pre-training + SL10076.55
SL+10077.25
Table 6. Performances with different methods and labeling rates. Here DS is short for distant supervision.
Table 6. Performances with different methods and labeling rates. Here DS is short for distant supervision.
Model ClassMethodLabeling Rate (%)P (%)R (%)F1 (%)
Sequence-labelingSeq-labeling with Softmax [5]10063.5873.6368.24
Seq-labeling with CRF [5]10067.5380.6373.50
Interaction attention and pointer netBiDAF [22]10074.5474.5474.54
R-NET [12]10075.3675.3675.36
Our baseline10075.2075.2075.20
Interaction attention and pointer net + DSBiDAF [22] + DS10075.6675.6675.66
R-NET [12] + DS10076.2276.2276.22
Our baseline + DS10076.5576.5576.55
Interaction attention and pointer netBiDAF [22]5070.2770.2770.27
R-NET [12]5070.2370.2370.23
Our baseline5069.0869.0869.08
Interaction attention and pointer net + DSBiDAF [22] + DS5072.5272.5272.52
R-NET [12] + DS5072.4572.4572.45
Our baseline + DS5072.9872.9872.98

Share and Cite

MDPI and ACS Style

Zhang, H.; Liang, X.; Xu, G.; Fu, K.; Li, F.; Huang, T. Factoid Question Answering with Distant Supervision. Entropy 2018, 20, 439. https://0-doi-org.brum.beds.ac.uk/10.3390/e20060439

AMA Style

Zhang H, Liang X, Xu G, Fu K, Li F, Huang T. Factoid Question Answering with Distant Supervision. Entropy. 2018; 20(6):439. https://0-doi-org.brum.beds.ac.uk/10.3390/e20060439

Chicago/Turabian Style

Zhang, Hongzhi, Xiao Liang, Guangluan Xu, Kun Fu, Feng Li, and Tinglei Huang. 2018. "Factoid Question Answering with Distant Supervision" Entropy 20, no. 6: 439. https://0-doi-org.brum.beds.ac.uk/10.3390/e20060439

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