throbber
Published as a conference paper at ICLR 2018
`
`GENERATING WIKIPEDIA BY SUMMARIZING LONG
`SEQUENCES
`
`Peter J. Liu∗, Mohammad Saleh∗,
`Etienne Pot†, Ben Goodrich, Ryan Sepassi, Łukasz Kaiser, Noam Shazeer
`Google Brain
`Mountain View, CA
`{peterjliu,msaleh,epot,bgoodrich,rsepassi,lukaszkaiser,noam}@google.com
`
`ABSTRACT
`
`We show that generating English Wikipedia articles can be approached as a multi-
`document summarization of source documents. We use extractive summarization
`to coarsely identify salient information and a neural abstractive model to generate
`the article. For the abstractive model, we introduce a decoder-only architecture
`that can scalably attend to very long sequences, much longer than typical encoder-
`decoder architectures used in sequence transduction. We show that this model can
`generate fluent, coherent multi-sentence paragraphs and even whole Wikipedia
`articles. When given reference documents, we show it can extract relevant factual
`information as reflected in perplexity, ROUGE scores and human evaluations.
`
`1
`
`INTRODUCTION
`
`The sequence-to-sequence framework has demonstrated success in natural-language sequence trans-
`duction tasks such as machine translation. More recently, neural techniques have been applied to do
`single-document, abstractive (paraphrasing) text summarization of news articles (Rush et al. (2015),
`Nallapati et al. (2016)). In this prior work, the input to supervised models ranged from the first sen-
`tence to the entire text of an article, and they are trained end-to-end to predict reference summaries.
`Doing this end-to-end requires a significant number of parallel article-summary pairs since language
`understanding is a pre-requisite to generate fluent summaries.
`In contrast, we consider the task of multi-document summarization, where the input is a collection
`of related documents from which a summary is distilled. Prior work has focused on extractive
`summarization, which select sentences or phrases from the input to form the summaries, rather
`than generating new text. There has been limited application of abstractive neural methods and one
`possible reason is the paucity of large, labeled datasets.
`In this work, we consider English Wikipedia as a supervised machine learning task for multi-
`document summarization where the input is comprised of a Wikipedia topic (title of article) and
`a collection of non-Wikipedia reference documents, and the target is the Wikipedia article text. We
`describe the first attempt to abstractively generate the first section, or lead, of Wikipedia articles con-
`ditioned on reference text. In addition to running strong baseline models on the task, we modify the
`Transformer architecture (Vaswani et al., 2017) to only consist of a decoder, which performs better
`in the case of longer input sequences compared to recurrent neural network (RNN) and Transformer
`encoder-decoder models. Finally we show our modeling improvements allow us to generate entire
`Wikipedia articles.
`
`∗Joint first-authors. Ordered randomly.
`†Work done as a member of the Google Brain Residency (g.co/brainresidency)
`
`1
`
`arXiv:1801.10198v1 [cs.CL] 30 Jan 2018
`
`Petitioner, EX1017
`IPR2024-01234
`Hugging Face, Inc., v. FriendliAI Inc.
`
`

`

`Published as a conference paper at ICLR 2018
`
`2 RELATED WORK
`
`2.1 OTHER DATASETS USED IN NEURAL ABSTRACTIVE SUMMARIZATION
`
`Neural abstractive summarization was pioneered in Rush et al. (2015), where they train headline
`generation models using the English Gigaword corpus (Graff & Cieri, 2003), consisting of news
`articles from number of publishers. However, the task is more akin to sentence paraphrasing than
`summarization as only the first sentence of an article is used to predict the headline, another sen-
`tence. RNN-based encoder-decoder models with attention (seq2seq) perform very well on this task
`in both ROUGE (Lin, 2004), an automatic metric often used in summarization, and human evalua-
`tion (Chopra et al., 2016).
`In Nallapati et al. (2016), an abstractive summarization dataset is proposed by modifying a question-
`answering dataset of news articles paired with story highlights from Daily Mail and CNN. This task
`is more difficult than headline-generation because the information used in the highlights may come
`from many parts of the article and not only the first sentence. One downside of the dataset is that it
`has an order-of-magnitude fewer parallel examples (310k vs. 3.8M) to learn from. Standard seq2seq
`models with attention do less well, and a number of techniques are used to augment performance.
`Another downside is that it is unclear what the guidelines are for creating story highlights and it is
`obvious that there are significant stylistic differences between the two news publishers.
`In our work we also train neural abstractive models, but in the multi-document regime with
`Wikipedia. As can be seen in Table 1, the input and output text are generally much larger, with
`significant variance depending on the article. The summaries (Wikipedia lead) are multiple sen-
`tences and sometimes multiple paragraphs, written in a fairly uniform style as encouraged by the
`Wikipedia Manual of Style1. However, the input documents may consist of documents of arbitrary
`style originating from arbitrary sources.
`We also show in Table 1 the ROUGE-1 recall scores of the output given the input, which is the
`proportion of unigrams/words in the output co-occuring in the input. A higher score corresponds
`to a dataset more amenable to extractive summarization. In particular, if the output is completely
`embedded somewhere in the input (e.g. a wiki-clone), the score would be 100. Given a score of
`only 59.2 compared to 76.1 and 78.7 for other summarization datasets shows that ours is the least
`amenable to purely extractive methods.
`
`2.2 TASKS INVOLVING WIKIPEDIA
`
`There is a rich body of work incorporating Wikipedia for machine learning tasks, including question-
`answering (Hewlett et al. (2016), Rajpurkar et al. (2016)) and information extraction (Lehmann
`et al., 2015), and text generation from structured data (Lebret et al., 2016).
`The closest work to ours involving generating Wikipedia is Sauper & Barzilay (2009), where articles
`are generated extractively (instead of abstractively in our case) from reference documents using
`learned templates. The Wikipedia articles are restricted to two categories, whereas we use all article
`types. The reference documents are obtained from a search engine, with the Wikipedia topic used as
`query similar to our search engine references. However we also show results with documents only
`found in the References section of the Wikipedia articles.
`
`2.3 TRANSFORMER MODELS
`
`Previous work on neural abstractive summarization relies on RNNs as fundamental modules, mir-
`roring techniques successful in machine translation (MT). Recently, state-of-the-art MT results were
`obtained using a non-recurrent architecture, called the Transformer (Vaswani et al., 2017). The lack
`of recurrence enables greater within-training-example parallelization, at the cost of quadratic com-
`plexity in the input sequence length. We find the Transformer transfers well to medium length, input
`sequence summarization and describe modifications to better handle longer sequences.
`
`1https://en.wikipedia.org/wiki/Wikipedia:Manual_of_Style
`
`2
`
`

`

`Published as a conference paper at ICLR 2018
`
`Table 1: Order of magnitude input/output sizes and unigram recall for summarization datasets.
`Dataset
`Input
`Output
`# examples ROUGE-1 R
`
`Gigaword (Graff & Cieri, 2003)
`CNN/DailyMail (Nallapati et al., 2016)
`WikiSum (ours)
`
`101
`102–103
`102–106
`
`101
`101
`101–103
`
`106
`105
`106
`
`78.7
`76.1
`59.2
`
`Table 2: Percentiles for different aspects of WikiSum dataset. Size is in number of words.
`Percentile
`20
`40
`50
`60
`80
`100
`
`Lead Size
`Num Citations
`Citations Size
`Num Search Results
`Search Results Size
`
`37
`1
`562
`10
`1,1691
`
`62
`2
`1,467
`20
`33,989
`
`78
`2
`2,296
`26
`49,222
`
`98
`3
`3,592
`31
`68,681
`
`166
`5
`10,320
`46
`135,533
`
`10,034
`1,029
`6,159,463
`2,095
`5,355,671
`
`3 ENGLISH WIKIPEDIA AS A MULTI-DOCUMENT SUMMARIZATION DATASET
`
`Wikipedia, being an encyclopedia, can be viewed as a collection of summaries on various topics
`given by their title, e.g. ”Canada” or ”Machine Learning”. The source material to be summarized
`can be viewed as all reputable documents on the Web or books; however, to make the problem more
`tractable we consider the following subsets of all documents, D:
`
`1. Cited sources: A Wikipedia article that conforms to the style guidelines should be well-
`supported by citations found in the References section of Wikipedia articles. For each
`article, ai, we extract all text without markup from crawlable citation documents, Ci ⊂ D,
`to use as input to our method.
`2. Web Search results: To expand the collection of reference documents, we crawl the search
`results from the Google search engine, using the article section titles as queries. For each
`query, we collect 10 result pages. From this collection we remove the Wikipedia article
`itself, which is often among the top results. We also remove ”clones”, which are detected
`when there is a high-level of unigram overlap with the article (details provided in A.2.1).
`We denote these refined search results for an article, ai, as Si ⊂ D. Similar to Ci, we
`extract only the text to use as input.
`
`Table 2 describes overall properties of our WikiSum dataset. Many articles have few citations,
`motivating our supplementation of the source documents with web search results. On the other
`hand, citations when available, tend to be of higher-quality. When counting the total words in the
`entire dataset, it is orders-of-magnitude larger than previous summarization datasets.
`To have consistent train/development/test data across corpus-comparison experiments, we restrict
`the articles to those with at least one crawlable citation. We divide the articles roughly into 80/10/10
`for train/development/test subsets, resulting in 1865750, 233252, and 232998 examples respec-
`tively.
`
`4 METHODS AND MODELS
`
`Because the amount of text in input reference documents (Ci, Si) can be very large (see Table 2) it is
`infeasible to train an end-to-end abstractive model given the memory constraints of current hardware.
`Hence, we first coarsely select a subset of the input using extractive summarization. The second
`stage involves training an abstractive model that generates the Wikipedia text while conditioning on
`this extraction. This two-stage process is inspired by by how humans might summarize multiple long
`documents: First highlight pertinent information, then conditionally generate the summary based on
`the highlights.
`
`3
`
`

`

`Published as a conference paper at ICLR 2018
`
`4.1 EXTRACTIVE STAGE
`
`We investigate three extractive methods from the summarization literature, along with a trivial and
`cheating method, to assess the importance of this stage. For each article, ai we create a ranked list
`of paragraphs, {pi
`Ri(j)}, occurring in (Ci, Si) where Ri(j) is the rank of the jth paragraph pi
`j of
`(Ci, Si). From this we select the first L tokens as input to the second abstractive stage.
`
`1. Identity: As a trivial baseline extractor, we simply use the first L tokens of the input.
`2. tf-idf : A non-trivial ranking is to consider ranking paragraphs as documents in a query-
`retrieval problem, where the query is the title of the article, T (ai). We compute tf-idf
`
`(Ramos et al., 2003) for the query, with respect to the documents, {pij}. That is, we sum-
`mate for each word in the query
`
`)
`
`Nw · log(
`
`Nd
`Ndw
`where Nw, Nd, and Ndw are the count of the word in the document, total number of docu-
`ments, and total number of documents containing the word, respectively.
`3. TextRank (Mihalcea & Tarau, 2004): A weighted graph is defined where text units are
`nodes and edges are defined by a similarity measure based on word overlap. An algorithm
`similar to PageRank (Page et al., 1999) is then used to compute the ranking of text units.
`We used paragraphs for the text units.
`4. SumBasic (Nenkova & Vanderwende, 2005): Word frequencies in the input text are used to
`assign scores to words, which are in turn used to score sentences. After selecting the best
`scoring sentence, words in it have their scores reduced, and the process is repeated until the
`desired summary length is reached.
`5. Cheating To further demonstrate the quality of extraction on the final performance, we
`
`implement a cheating extractor that ranks {pij} using recall of bigrams in the ground truth
`text:
`
`d(pi
`j, ai) =
`
`j) ∩ bigrams(ai)
`bigrams(pi
`bigrams(ai)
`
`(1)
`
`4.2 ABSTRACTIVE STAGE
`
`4.2.1 DATA REPRESENTATION
`
`Given the ordered paragraphs {piRi(j)}, we derive the raw text input simply as the concatenation of
`the paragraphs in order, the most relevant at the beginning, and prefixed with the title.
`We then encode the text using sub-word tokenization similar to Wu et al. (2016) with a vocabulary
`size of 32,000 yielding tokenized input, xi:
`
`
`texti = T (ai)(cid:107){piRi(j)}
`
`
`
`
`
`tokenize(texti) = xi = (x1i , x2i , ..., xni
`i )
`
`For various values of L in experiments, we truncate the tokens to form the input sequence:
`
`
`
`mLi = (x1i , ...xmin(L,ni)
`
`
`
`i
`
`)
`
`For the output, we use the same vocabulary and tokenization for the Wikipedia lead text but do not
`do any truncation across experiments.
`Next we describe the abstractive models, W , that learn to write articles, ai = W (mLi ), which we
`
`treat as a sequence transduction problem from very long input sequences (up to L = 11000) to
`medium output sequences (typically less than 500).
`
`4
`
`

`

`Published as a conference paper at ICLR 2018
`
`4.2.2 BASELINE MODELS
`
`As a baseline we apply the standard LSTM encoder-decoder with attention (seq2seq-att) as in Bah-
`danau et al. (2014) to this task. As is typical we train to optimize the maximum-likelihood objective:
`
`N(cid:89)
`
`yi = tokenize(ai)
`p(yi|mL
`i )
`
`i=1
`A stronger, more recent baseline that we use is the non-recurrent Transformer model described in
`2.3, which also has symmetric encoder and decoder modules (T-ED).
`
`4.2.3 TRANSFORMER DECODER (T-D)
`
`We introduce a simple but effective modification to T-ED for long sequences that drops the encoder
`module (almost reducing model parameters by half for a given hyper-parameter set), combines the
`input and output sequences into a single ”sentence” and is trained as a standard language model.
`That is, we convert a sequence-transduction example (m1, ..., mn) (cid:55)→ (y1, ..., yη) into the sentence
`(w1, ..., wn+η+1) = (m1, ..., mn, δ, y1, ..., yη), where δ is a special separator token and train a
`model to predict the next word given the previous ones:
`p(wi|w1, ..., wj−1)
`
`p(w1, ..., wn+η) =
`
`n+η(cid:89)
`
`j=1
`
`Since the model is forced to predict the next token in the input, m, as well as y, error signals are prop-
`agated from both input and output time-steps during training. We also suspect that for monolingual
`text-to-text tasks redundant information is re-learned about language in the encoder and decoder.
`We believe this allows for easier optimization and empirically observe this with longer sequences
`(see Section 5.3). Note that because of the self-attention of the Transformer, when generating the
`next token, attention from both m and y are considered. At inference we provide the input sequence,
`mi, initially, and auto-regressively generate the output, yi, as normal.
`
`4.2.4 TRANSFORMER DECODER WITH MEMORY-COMPRESSED ATTENTION (T-DMCA)
`
`To re-use the terminology used to describe the Transformer, the attention is a function of a query
`(Q) and set of key (K) and value (V ) pairs. To handle longer sequences, we modify the multi-head
`self-attention of the Transformer to reduce memory usage by limiting the dot products between Q
`and K in:
`
`Attention(Q, K, V ) = sof tmax(
`
`)V
`
`QK T√
`dk
`Local attention: Sequence tokens are divided into blocks of similar length and attention is per-
`formed in each block independently. As the attention memory cost per block becomes constant, this
`modification allow us to keep the number of activations linear with respect to the sequence length.
`In our experiments, we choose to have blocks of 256 tokens.
`Memory-compressed attention: After projecting the tokens into the query, key, and value embed-
`dings, we reduce the number of keys and values by using a strided convolution. The number of
`queries remains unchanged. This modification allows us to divide the number of activations by a
`compression factor. In our experiments we use convolution kernels of size 3 with stride 3. In con-
`trast to local attention layers, which only capture the local information within a block, the memory-
`compressed attention layers are able to exchange information globally on the entire sequence.
`These modifications (see Figure 1) allow us in practice to process sequences 3x in length over
`the T-D model. For both local and memory-compressed attention, masking is added to prevent
`the queries from attending to future keys and values. Our final architecture is a 5-layer network
`(LMLML) alternating between local-attention (L) layers and memory-compressed attention (M)
`layers (in Vaswani et al. (2017) it is 6 identical layers). We also added in some experiments one
`mixture of experts (MoE) layer (Shazeer et al., 2017) to increase the network’s capacity.
`
`5
`
`

`

`Published as a conference paper at ICLR 2018
`
`Figure 1: The architecture of the self-attention layers used in the T-DMCA model. Every attention
`layer takes a sequence of tokens as input and produces a sequence of similar length as the output.
`Left: Original self-attention as used in the transformer-decoder. Middle: Memory-compressed
`attention which reduce the number of keys/values. Right: Local attention which splits the sequence
`into individual smaller sub-sequences. The sub-sequences are then merged together to get the final
`output sequence.
`
`5 EXPERIMENTS
`
`5.1 EVALUATION
`
`In experiments we evaluate based on perplexity (per-wordpiece), a common language modeling
`metric, and ROUGE-L F1 (version ROUGE-1.5.5), a common metric used in comparing candidate
`and reference summaries. Note the F1 flavor of ROUGE is more appropriate in this setting as we do
`not explicitly constrain the output length in abstractive models; it is the harmonic mean of ROUGE-
`Recall (which favors long summaries) and ROUGE-Precision (which favors short summaries).
`Although optimizing ROUGE directly has been shown to not always yield the best summaries as
`evaluated by human judgment (Paulus et al., 2017), we found that for our task optimizing for per-
`plexity correlates with increased ROUGE and human judgment. We suspect that the relatively uni-
`form style of Wikipedia articles makes ROUGE more appropriate here than in general abstractive
`summarization tasks.
`
`5.2 MODEL TRAINING DETAILS AND DECODING
`
`For all abstractive model training, we use the open-source tensor2tensor2 library.
`The seq2seq baseline had a hidden size of 128 with 2 layers (we use the hyper-parameter set defined
`in the library as lstm attention).
`set
`hyper-parameter
`the
`use
`(T-ED), we
`For
`the
`Transformer
`encoder-decoder
`transfomer base v1 and train for 1 million steps. Models exhibited very little over-
`fitting and did not require early-stopping. The Transformer Decoder (T-D) was identical to the
`decoder part of T-ED. The T-DMCA model is similar to T-D, but with the enhancements described
`in section 4.2.4.
`Unless otherwise stated, during decoding we use a beam search of size 4 and length penalty α = 0.6
`(Wu et al., 2016) and decode until an end-of-sequence token is reached.
`
`2https://github.com/tensorflow/tensor2tensor
`
`6
`
`

`

`Published as a conference paper at ICLR 2018
`
`Table 3: Comparison of extractive method and corpus with L = 500, and the Transformer E-D
`model
`
`Extractor Corpus
`
`Test log-perplexity ROUGE-L
`
`cheating
`tf-idf
`tf-idf
`tf-idf
`identity
`
`combined
`combined
`citations-only
`search-only
`combined
`
`1.72975
`2.46645
`3.04299
`3.56593
`4.80215
`
`59.3
`34.2
`22.6
`2.8
`4.0
`
`5.3 RESULTS AND DISCUSSION
`
`There are four main dimensions we vary in experiments in generating Wikipedia lead sections:
`
`1. Extractive method: SumBasic, TextRank, tf-idf, identity, cheating extractor
`2. Input corpus: citations, search results, combined
`3. Abstractive model input length, L: We try values between 100 and 11000.
`4. Abstractive model architecture: seq2seq-att, T-ED, T-D, T-DMCA
`
`Figure 2: ROUGE-L F1 for various extractive methods. The abstractive model contribution is shown
`for the best combined tf-idf -T-DMCA model.
`
`Extractive-only is not enough: We investigate performance of extractive methods without the ab-
`stractive model by looking at the ROUGE-L F1 scores after running tf-idf, SumBasic, and TextRank
`in Figure 2, without any abstractive model. In the case of TextRank and SumBasic we matched the
`output length to the target length and observe the extractive methods perform roughly in-line with
`each other in terms of ROUGE-L F1. Our best abstractive model more than doubled this metric.
`Further, this model yields large improvements in perceived linguistic quality (elaborated below).
`Extractive method: From Table 3 we observe that smart extraction is critical for final abstractive
`performance. There is a significant gap between doing nothing, identity, and extractive summariza-
`tion, tf-idf. Further, there is a significant gap between tf-idf and the cheating extractor, suggesting
`future work in improving the extraction step could result in significant improvements. One possibil-
`ity is to train a supervised model to predict relevance (Eq. 1), which we leave as future work. For
`subsequent experiments we fix the extractive method to tf-idf.
`Input Corpus: From table 3 we also observe that, unsurprisingly, the combined dataset performs
`best, but the gaps between it and using only one of citations or search results are both significant
`and their contributions are complementary. In subsequent experiments, we report only the combined
`results.
`
`7
`
`

`

`Published as a conference paper at ICLR 2018
`
`Table 4: Performance of best models of each model architecture using the combined corpus and
`tf-idf extractor.
`
`Model
`
`Test perplexity ROUGE-L
`
`seq2seq-attention, L = 500
`Transformer-ED, L = 500
`Transformer-D, L = 4000
`Transformer-DMCA, no MoE-layer, L = 11000
`Transformer-DMCA, MoE-128, L = 11000
`Transformer-DMCA, MoE-256, L = 7500
`
`5.04952
`2.46645
`2.22216
`2.05159
`1.92871
`1.90325
`
`12.7
`34.2
`33.6
`36.2
`37.9
`38.8
`
`Figure 3: Shows perplexity versus L for tf-idf extraction on combined corpus for different model
`architectures. For T-DMCA, E denotes the size of the mixture-of-experts layer.
`
`Abstractive model architecture and input length: As we see from Table 4, seq2seq-attention as a
`baseline does quite poorly on this task compared to the Transformer architectures. As seen in Figure
`3, we observe that the Transformer encoder-decoder, T-ED, architecture consistently improves in
`performance until a best of around L = 500 − 1000 and is unable to learn at L = 2000. This
`motivated the Transformer-Decoder, which we found could learn and improve up to L = 4000,
`before running out of memory on our machines equipped with 16GB of GPU RAM (NVIDIA P100).
`By using the T-DMCA modifications, we were able to train up to L = 11000 and continued to see
`improvements in performance. We also found the MoE-layer helped performance by adding model
`capacity at high L, for example dropping log-perplexity from 2.05 to 1.93 at L = 11000 with 128
`experts. Our best model attempted uses 256 experts at L = 7500 (we were unable to use 256 experts
`with L = 11000 due to memory constraints) and achieves a perplexity of 1.90,
`Human Evaluation - Linguistic quality We conducted a DUC-style human evaluation of linguistic
`quality3 of samples from a baseline abstractive (seq2seq), the best extractive (tf-idf ), and our best T-
`DMCA models. Five different dimensions are assessed: grammaticality, non-redundancy, referential
`clarity, focus, and structure/coherence. As seen in Table 5, the T-DMCA model does statistically
`significantly better on all dimensions, except on non-redundancy where tf-idf does about as well.
`Overall, we observed high fluency and coherence from our best abstractive model. Occasionally we
`observed some repetition of phrases which hurt the non-redundancy and structure, but it was much
`rarer compared with the other abstractive method, seq2seq. The biggest weakness of the extractive
`
`3http://duc.nist.gov/duc2007/quality-questions.txt
`
`8
`
`

`

`Published as a conference paper at ICLR 2018
`
`Table 5: Linguistic quality human evaluation scores (scale 1-5, higher is better). A score signif-
`icantly different (according to the Welch Two Sample t-test, with p = 0.001) than the T-DMCA
`model is denoted by *.
`
`Model
`
`Focus Grammar
`
`Non-
`redundancy
`
`Referential
`clarity
`
`Structure and
`Coherence
`
`T-DMCA (best)
`tf-idf -only
`seq2seq-attention
`
`4.5
`3.0*
`3.0*
`
`4.6
`3.6*
`3.4*
`
`4.2
`3.9
`2.1*
`
`4.5
`3.2*
`3.4*
`
`4.2
`2.7*
`2.3*
`
`Table 6: Side-by-side for two models pair with large automatic metric gaps
`
`Model A
`
`Model B
`
`ROUGE-L A ROUGE-L B
`
`T-ED, L = 100 T-ED, L = 500
`T-ED, L = 500 T-DMCA-MoE-256, L = 7500
`
`30.9
`34.2
`
`34.2
`38.8
`
`# prefer B
`# prefer A
`
`4.25
`1.5
`
`method compared with our best abstractive model was the lack of structure and coherence in the
`summaries.
`Human Evaluation - side-by-side preference We validated our chosen metrics correlate with hu-
`man preference by conducting two side-by-side human evaluation experiments, comparing models
`with large gaps in perplexity/ROUGE. We observe in Table 6 that human judgment correlates with
`our automatic metrics, but it becomes more difficult to distinguish at the higher-end of model per-
`formance. Details of the human evaluation experimental designs can be found in Appendix A.3.
`To summarize the quantitative results, we believe the highest impact future work will be from im-
`proving the extractive stage and extending the decoder-only architectures to learn from larger L
`while maintaining sufficient model capacity.
`Comparison with Sauper & Barzilay (2009): A direct comparison with Sauper & Barzilay (2009)
`is difficult for three reasons: (a) they report results only for two small subsets of Wikipedia, Diseases
`and American Actors; (b) we report on lead generation instead of full-articles; (c) we were unable
`to obtain the exact articles they used as input and output (in particular they make no claim of Wiki-
`clone detection). However, we make a best-effort comparison by finding the subset of articles of our
`test set that correspond to Diseases and American Actors, the two categories reported on by Sauper
`& Barzilay and reporting our ROUGE-1 scores (Table 7). We observe that we perform better on
`American Actors than Diseases, probably because of the prevalence of the former (and biographies)
`in Wikipedia compared to the latter in our training set for our single, global model, whereas Sauper
`& Barzilay likely benefit from the category-specific templates. On average our ROUGE-1 scores are
`higher but do worse on the less common and somewhat specific disease category.
`
`5.4 QUALITATIVE DISCUSSION
`
`In Figure 4, we show the predictions from three different models (using tf-idf extraction, and the
`combined corpus) along with the Wikipedia ground truth. As the perplexity decreases we see im-
`provements in the model outputs, in terms of fluency, factual accuracy, and narrative complexity. In
`particular, the T-DMCA model offers a respectable alternative to the Wikipedia version and is more
`succinct, while mentioning key facts, such as where the law firm was located, when and how it was
`formed, and the rise and fall of the firm.
`In manual inspection of model outputs, we noticed an unexpected side-effect: models learn to trans-
`late names from English into multiple languages, e.g. Rohit Viswanath into Hindi (see Figure 5).
`Although we did not do a systematic evaluation of the translations, we found they are often correct,
`and often they are not found in the Wikipedia article itself. We also verified that in general the
`
`9
`
`

`

`Published as a conference paper at ICLR 2018
`
`Table 7: Comparison of results with Sauper & Barzilay (2009). Note our results are reported for
`lead section, whereas Sauper & Barzilay report for articles.
`ROUGE-1 R ROUGE-1 P ROUGE-1 F1
`
`All Wikipedia
`
`T-DMCA (Ours)
`
`Diseases
`
`T-DMCA (Ours), n = 161
`Sauper & Barzilay
`
`American Actors
`
`46
`
`25
`36
`
`T-DMCA (Ours), n = 1322
`Sauper & Barzilay
`
`52
`46
`
`53
`
`48
`39
`
`72
`40
`
`43
`
`29
`37
`
`54
`41
`
`Figure 4: Shows predictions for the same example from different models. Example model input can
`be found in the Appendix A.4
`
`translation is not merely copied from the source, such as example cases where the target language is
`the incorrect one (e.g. translation of an English name into Ukrainian).
`
`5.5 GENERATING FULL-WIKIPEDIA ARTICLES
`
`Given that we have shown it is possible to learn sequence transduction models on combined input-
`output sequence lengths of approximately 12000 using the T-D architecture, we show that it is
`possible to train a model to generate entire Wikipedia articles. As a preliminary result, we trained
`two T-DMCA models: One is trained to use L = 6000 reference tokens to predict at most 2192 ar-
`ticle tokens (longer examples are ignored) and another is conditioned only on the title and generates
`articles up to 4000 tokens long.
`We show samples from both models in Appendix A.1. Although the generated articles are not as
`good as the real Wikipedia or our lead section samples, the models can be seen to organize the
`
`10
`
`

`

`Published as a conference paper at ICLR 2018
`
`Figure 5: Translation examples from the Transformer-ED, L = 500.
`
`article into plausible sections and exhibit global coherence over multi-paragraph text. The model
`with access to reference documents inserts factual information in the generated article. Although we
`did not focus or tune on the full-article task we see this as an interesting future work for abstractive
`summarization.
`
`6 CONCLUSION
`
`We have shown that generating Wikipedia can be approached as a multi-document summarization
`problem with a large, parallel dataset, and demonstrated a two-stage extractive-abstractive frame-
`work for carrying it out. The coarse extraction method used in the first stage appears to have a sig-
`nificant effect on final performance, suggesting further research on improving it would be fruitful.
`We introduce a new, decoder-only sequence transduction model for the abstractive stage, capable of
`handling very long input-output examples. This model significantly outperforms traditional encoder-
`decoder architectures on long sequences, allowing us to condition on many reference documents and
`to generate coherent and informative Wikipedia articles.
`
`7 PUBLIC RELEASE OF DATASET AND CODE
`
`To encourage further research on large-scale summarization, we will release the URLs used in our
`experiments (the Wikipedia URL as well as the URLs of its references) that are available as part of
`the CommonCrawl dataset4, which is freely available for download.
`We use the open-source tensor2tensor5 library for training abstractive models and will be
`releasing our abstractive modeling code extensions. Further details are available at https://
`goo.gl/wSuuS9.
`
`4http://commoncrawl.org
`5https://github.com/tensorflow/tensor2tensor
`
`11
`
`

`

`Published as a conference paper at ICLR 2018
`
`ACKNOWLEDGMENTS
`
`We thank Samy Bengio, Jeff Dean, Claire Cui, Fred Bertsch, Chad Whipkey, Anurag Rana, Ashish
`Vaswani, Llion Jones, and the tensorflow/tensor2tensor contributors for help with the
`project.
`
`REFERENCES
`Dzmitry Bahdanau, Kyunghyun Cho, and Yoshua Bengio. Neural machine translation by jointly
`learning to align and translate. arXiv preprint arXiv:1409.0473, 2014.
`
`Sumit Chopra, Michael Auli, and Alexander M Rush. Abstractive sentence summarization with
`attentive recurrent neural networks. In Proceedings of the 2016 Conference of the North American
`Chapter of the Association for Computational Linguistics: Human Language Technologies, pp.
`93–98, 2016.
`
`Hoa Trang Dang. Overview of duc 2005. In Proceedings of the document understanding conference,
`volume 2005, pp. 1–12, 2005.
`
`David Graff and Christopher Cieri. English gigaword 2003. Linguistic Data Consortium, Philade-
`plhia, 2003.
`
`Daniel Hewlett, Alexandre Lacoste, Llion Jones, Illia Polosukhin, Andrew Fandrianto, Jay Han,
`Matthew Kelcey, and David Berthelot. Wikireading: A novel large-scale language understanding
`task over wikipedia. arXiv preprint arXiv:1608.03542, 2016.
`
`R´emi Lebret, David Grangier, and Michael Auli. Neural text generation from structured data with
`application to the biography domain. In Proceedings of the 2016 Conference on Empirical Meth-
`ods in Natural Language Processing, EMNLP 2016, Austin, Texas, USA, November 1-4

This document is available on Docket Alarm but you must sign up to view it.


Or .

Accessing this document will incur an additional charge of $.

After purchase, you can access this document again without charge.

Accept $ Charge
throbber

Still Working On It

This document is taking longer than usual to download. This can happen if we need to contact the court directly to obtain the document and their servers are running slowly.

Give it another minute or two to complete, and then try the refresh button.

throbber

A few More Minutes ... Still Working

It can take up to 5 minutes for us to download a document if the court servers are running slowly.

Thank you for your continued patience.

This document could not be displayed.

We could not find this document within its docket. Please go back to the docket page and check the link. If that does not work, go back to the docket and refresh it to pull the newest information.

Your account does not support viewing this document.

You need a Paid Account to view this document. Click here to change your account type.

Your account does not support viewing this document.

Set your membership status to view this document.

With a Docket Alarm membership, you'll get a whole lot more, including:

  • Up-to-date information for this case.
  • Email alerts whenever there is an update.
  • Full text search for other cases.
  • Get email alerts whenever a new case matches your search.

Become a Member

One Moment Please

The filing “” is large (MB) and is being downloaded.

Please refresh this page in a few minutes to see if the filing has been downloaded. The filing will also be emailed to you when the download completes.

Your document is on its way!

If you do not receive the document in five minutes, contact support at support@docketalarm.com.

Sealed Document

We are unable to display this document, it may be under a court ordered seal.

If you have proper credentials to access the file, you may proceed directly to the court's system using your government issued username and password.


Access Government Site

We are redirecting you
to a mobile optimized page.





Document Unreadable or Corrupt

Refresh this Document
Go to the Docket

We are unable to display this document.

Refresh this Document
Go to the Docket