2020 ItsNotJustSizeThatMattersSmallL

From GM-RKB
(Redirected from Schick & Schütze, 2020)
Jump to navigation Jump to search

Subject Headings: GPT-3, SuperGLUE Benchmark..

Notes

Cited By

Quotes

Abstract

When scaled to hundreds of billions of parameters, pretrained language models such as GPT-3 (Brown et al., 2020) achieve remarkable few-shot performance on challenging natural language understanding benchmarks. In this work, we show that performance similar to GPT-3 can be obtained with language models whose parameter count is several orders of magnitude smaller. This is achieved by converting textual inputs into cloze questions that contain some form of task description, combined with gradient-based optimization; additionally exploiting unlabeled data gives further improvements. Based on our findings, we identify several key factors required for successful natural language understanding with small language models. [Our implementation is publicly available at https://github.com/timoschick/pet.]

1 Introduction

Pretraining ever-larger language models (LMs) on massive plain text corpora has led to significant improvements on a wide range of NLP tasks (Radford et al., 2018; Devlin et al., 2019; Liu et al., 2019; Raffel et al., 2019, inter alia). A standard approach is to replace the pretrained model’s output layer with a task-specific head and finetune the entire model on a set of labeled training data. However, language modeling is not only a powerful pretraining objective, but many tasks can be reformulated as cloze questions (e.g., by appending phrases such as “the correct answer is ”), allowing pretrained LMs to solve them without any or with only very few labeled examples (Radford et al., 2019; Schick and Schütze, 2020a).

Very recently, Brown et al. (2020) introduced GPT-3, a pretrained LM with an enormous 175 billion parameters, and showed that it has amazing few-shot abilities: By reformulating tasks as language modeling problems, GPT-3 achieves near state-of-the-art results for some tasks in the SuperGLUE benchmark (Wang et al., 2019) given just 32 labeled examples. This is achieved through priming: GPT-3 is given a few demonstrations of inputs and corresponding outputs as context for its predictions, but no gradient updates are performed. While being straightforward to use, this method has two major drawbacks:

  • It requires a gigantic LM to work well, making it unusable in many real-world scenarios.
  • It does not scale to more than a few examples as the context window of most LMs is limited to a few hundred tokens.

An alternative to priming is pattern-exploiting training (PET) (Schick and Schütze, 2020a), which combines the idea of reformulating tasks as cloze questions with regular gradient-based finetuning. While PET additionally requires unlabeled data, unlabeled data is much easier to obtain than labeled arXiv:2009.07118v1 [cs.CL] 15 Sep 2020 examples for many real-world applications. Crucially, PET only works when the answers to be predicted by the LM correspond to a single token in its vocabulary; this is a severe limitation as many tasks cannot easily be worded that way.

In this work, we modify PET to also work for tasks that require predicting more than one token. We then show that in combination with ALBERT (Lan et al., 2020), PET and its iterative variant (iPET) both outperform GPT-3 on SuperGLUE with 32 training examples, while requiring only 0.1% of its parameters (Figure 1). Finally, we show that similar performance can also be achieved without unlabeled data and provide a detailed analysis of the factors contributing to PET’s strong performance: its ability to combine multiple task formulations, its resilience to wordings that are hard to understand, its usage of labeled data, and characteristics of the underlying LM.

102 103 104 105 106
50
60
70
80
PET GPT-3
iPET
Parameters (Millions)
SuperGLUE Performance
Figure 1: Performance of ALBERT with PET/iPET and GPT-3 on SuperGLUE for 32 training examples. ALBERT with PET/iPET outperforms GPT-3 even though it has three orders of magnitude fewer parameters.

2 Related Work

Enabling LMs to perform zero-shot learning by providing task descriptions was proposed by Radford et al. (2019) and has been applied to text classification (Puri and Catanzaro, 2019), commonsense knowledge mining (Davison et al., 2019) and argumentative relation classification (Opitz, 2019). It is also commonly used for probing the knowledge contained within LMs (Trinh and Le, 2018; Petroni et al., 2019; Talmor et al., 2019; Schick and Schütze, 2020b; Ettinger, 2020, i.a.).

As finding ways to reformulate tasks as close questions that are understood well by LMs is difficult (Jiang et al., 2019), Schick and Schütze (2020a) propose PET, a method that uses knowledge distillation (Hinton et al., 2015) to easily combine several reformulations. In contrast to PET, which uses gradient-based optimization, Radford et al. (2019) and Brown et al. (2020) investigate priming, where examples are given as context but no parameter updates are performed.

Our modified version of PET uses masked language models (Devlin et al., 2019) to assign probabilities to sequences of text; this is similar to using them in a generative fashion (Wang and Cho, 2019) and has previously been investigated by Salazar et al. (2020) and Ghazvininejad et al. (2019).

3 Pattern-Exploiting Training

Let M be a masked language model (MLM), T its vocabulary and 2 T the mask token. For some P(x) Oil prices rise ? , Oil prices fall back . x2 x1 Yes No entailment not entailment y v(y) qp(y j x)

Figure 2: Application of a PVP p = (P; v) for recognizing textual entailment: An input x = (x1; x2) is converted into a cloze question P(x); qp(y j x) for each y is derived from the probability of v(y) being a plausible choice for the masked position.

z 2 T� containing at least k masks and t 2 T, we denote with qkM (t j z) the probability that M assigns to t at the kth masked position in z; the model’s logits before applying softmax are denoted with sk M(t j z). We consider the task of mapping inputs x 2 X to outputs y 2 Y , for which PET requires a set of pattern-verbalizer pairs (PVPs). Each PVP p = (P; v) consists of

  • a pattern P : X ! T� that maps inputs to

cloze questions containing a single mask;

  • a verbalizer v : Y ! T that maps each output

to a single token representing its task-specific meaning in the pattern.

As illustrated in Figure 2, the core idea of PET is to derive the probability of y being the correct output for x from the probability of v(y) being the “correct” token at the masked position in P(x). Based on this intuition, a conditional probability distribution qp of Y given X is defined as

qp(y j x) = P exp sp(y j x) y02Y exp sp(y0 j x) (1) where sp(y j x) = s1 M(v(y) j P(x)) is the raw score of v(y) at the masked position in P(x). For a given task, identifying PVPs that perform well is challenging in the absence of a large development set. Therefore, PET enables a combination of multiple PVPs P = fp1; : : : ; png as follows:

1. For each PVP p, a MLM is finetuned on training examples (x; y) by minimizing the cross entropy between y and qp(y j x). In practice, Schick and Schütze (2020a) train three MLMs per pattern as performance can vary substantially between runs.

2. The ensemble of finetuned MLMs is used to annotate a set of unlabeled examples; each unlabeled example x 2 X is annotated with soft labels based on the probability distribution

qP(y j x) / exp X p2P wp � sp(y j x) (2)

similar to Eq. 1 where wp is a weighting term that is proportional to the accuracy achieved with p on the training set before training. 3. The resulting soft-labeled dataset is used to train a regular sequence classifier by minimizing cross entropy between its output and qP. As steps (2) and (3) above closely resemble knowledge distillation (Hinton et al., 2015), we also refer to them simply as distillation.

To give MLMs trained on different patterns further opportunity to learn from one another, Schick and Schütze (2020a) also propose iPET, an iterative variant of PET in which several generations of models are trained on datasets of increasing size that are labeled by previous generations. This is achieved as follows: First, an ensemble of MLMs is trained as in regular PET. For each model Mi, a random subset of other models is used to generate a new training set Ti by assigning labels to those unlabeled examples for which the selected subset of models is most confident in its prediction. Each Mi is then retrained on Ti; this process is repeated several times, each time increasing the number of examples in Ti by a constant factor.

3.1 PET with Multiple Masks

An important limitation of PET is that the verbalizer v must map each possible output to a single token, which is impractical or outright impossible for many tasks. We thus generalize verbalizers to functions v : Y ! T�; this requires some modifications to inference and training.2 We further generalize PET in that we do not assume the output space to be identical for each input: for each x 2 X, we denote with Yx � Y the set of possible outputs given x as input. Given a PVP p = (P; v), we define l(x) = maxy2Yx jv(y)j to be the maximum number of tokens required to express any output in Yx and Pk(x) to be P(x) with the mask token replaced by k masks.

2While our approach can easily be adapted to models capable of doing conditional generation with bidirectional context (e.g., Lewis et al., 2020; Raffel et al., 2019), we stick with MLMs as they are more lightweight and we found them to perform better on simple cloze tasks in preliminary experiments. Inference For x 2 X, y 2 Yx and jv(y)j = k, we redefine qp(y j x) in an autoregressive fashion: Starting from Pk(x), we perform k consecutive predictions, where we always select the next token to predict based on the MLM’s confidence. That is, we set qp(y j x) = q(v(y) j Pk(x)) where q(t1 ::: tkjz) = ( 1 if k =0 qj M(tj jz) � q(t0jz0) if k �1 (3) with j = arg maxki = 1 qj M(tj j z), z0 is z except z0 j = tj and t0 = t1 ::: tj􀀀1tj+1 ::: tk. Note that unlike in original PET (Eq. 1), qp is not a probability distribution as its values do not sum to one. Training Computing qp(y j x) as in Eq. 3 for each training example (x; y) would be prohibitively expensive. To enable computation of all required probabilities in a single forward pass, we approximate qp(y j x) by (i) always inserting the maximum number of mask tokens required to express any output and (ii) for each y0 2 Yx, predicting all tokens in v(y0) = t1 : : : tk in parallel, where we simply ignore the model’s predictions for all l(x) 􀀀 k superfluous mask tokens:

~qp(y0 j x) = Yk i=1 qiM (ti j Pl(x)(x)) (4)

As ~qp is not a probability distribution over Yx, cross entropy is not an ideal training objective as it can also be minimized by reducing the probability assigned to sequences z =2 v(Yx) that are not part of the output space, despite this having no effect on the model’s prediction. We instead opt for multiclass hinge loss (Weston andWatkins, 1999; Dogan et al., 2016) and minimize:

X y02Yx max 􀀀 0; 1􀀀log ~qp(yjx)+ log ~qp(y0jx) � (5)

That is, we require the difference between the log probability of y and the log probability of any output y0 2 Yx n fyg to be at least 1.

4 Experiments

We use the SuperGLUE benchmark (Wang et al., 2019) to compare PET and GPT-3. We cannot evaluate PET using the exact same training data as GPT-3 because for most tasks, GPT-3 uses a different set of training examples for each test example and for the other tasks, training sets were not available upon request; however, the exact choice of examples has little impact on GPT-3’s performance. 3 We thus create new training sets by randomly selecting 32 examples for each task using a fixed random seed. Following previous work (Raffel et al., 2019; Brown et al., 2020), we select only positive examples for WSC; for both MultiRC and ReCoRD, we follow Brown et al. (2020) and select a total of 32 questions.

We additionally create sets of up to 20,000 unlabeled examples for each task; this is done by removing all labels from the original training sets. As the training sets for RTE and CB are very small, we additionally select random unlabeled examples from MNLI (Williams et al., 2018) for both tasks. We refer to the resulting sets of training examples and unlabeled examples as FewGLUE.4

4.1 Tasks

Below, we describe each of the SuperGLUE tasks and our corresponding PVPs. We use a vertical bar (j) to mark boundaries between text segments. BoolQ (Clark et al., 2019) is a QA task where each example consists of a passage p and a yes/no question q. We use the following patterns:

  • p. Question: q? Answer: .
  • p. Based on the previous passage, q? .
  • Based on the following passage, q? . p

We define two verbalizers mapping questions containing a true statement to yes/true and others to no/false, respectively, for a total of 6 PVPs. CB (De Marneffe et al., 2019) and RTE (Dagan et al., 2006) are textual entailment tasks like MNLI, so we use PVPs similar to Schick and Schütze (2020a). For a premise p and hypothesis h, we use h? j , p ; “h”? j , “p” ; h? j . p ; “h”? j . “p” and a verbalizer that maps entailment to yes, disagreement to no and neutral to maybe. Given a premise p, the task in COPA (Roemmele et al., 2011) is to determine the cause or effect of the premise given two options c1 and c2. For determining the effect, we use the following patterns: “c1” or “c2”? p, so . ; c1 or c2? p, so . 3Based on personal correspondence with the authors.

4The FewGLUE dataset is publicly available at https://github.com/timoschick/fewglue.

For determining the cause, we use the same patterns but replace so with because. The verbalizer for c1 and c2 is the identity function. ForWiC (Pilehvar and Camacho-Collados, 2019), given a word w and two sentences s1 and s2 in which it occurs, the task is to decide if w is used with the same sense in both sentences. We use:

  • “s1” / “s2”. Similar sense of “w”? .
  • s1 s2 Does w have the same meaning in both

sentences?

  • w. Sense (1) (a) “s1” () “s2”

For the first two patterns, we use yes as verbalization for words used in the same sense and no for other words; for the third pattern, we use b and 2. For WSC (Levesque et al., 2011), each example consists of a sentence s with a marked pronoun p and noun n, and the task is to determine whether p refers to n. We follow previous work (Raffel et al., 2019; Brown et al., 2020) and treat WSC as a generative task. We highlight p in s by putting it in asterisks and use the following patterns:

  • s The pronoun ‘�p�’ refers to .
  • s In the previous sentence, the pronoun ‘�p�’

refers to .

  • s In the passage above, what does the pronoun

‘�p�’ refer to? Answer: . We use the identity function as verbalizer for n. Note that WSC is different from other tasks in that it requires free-form completion. This in turn requires some modifications during training and inference that are discussed in Appendix A. MultiRC (Khashabi et al., 2018) is a QA task. Given a passage p, a question q and an answer candidate a, the task is to decide whether a is a correct answer for q. We use the same verbalizer as for BoolQ and similar patterns:

  • p. Question: q? Is it a? .
  • p. Question: q? Is the correct answer “a”? .
  • p. Based on the previous passage, q? Is “a” a

correct answer? . For ReCoRD (Zhang et al., 2018), given a passage p and a cloze question q, the task is to decide which Params BoolQ CB COPA RTE WiC WSC MultiRC ReCoRD Avg Model (M) Acc. Acc. / F1 Acc. Acc. Acc. Acc. EM / F1a Acc. / F1 – dev GPT-3 Small 125 43.1 42.9 / 26.1 67.0 52.3 49.8 58.7 6.1 / 45.0 69.8 / 70.7 50.1 GPT-3 Med 350 60.6 58.9 / 40.4 64.0 48.4 55.0 60.6 11.8 / 55.9 77.2 / 77.9 56.2 GPT-3 Large 760 62.0 53.6 / 32.6 72.0 46.9 53.0 54.8 16.8 / 64.2 81.3 / 82.1 56.8 GPT-3 XL 1,300 64.1 69.6 / 48.3 77.0 50.9 53.0 49.0 20.8 / 65.4 83.1 / 84.0 60.0 GPT-3 2.7B 2,700 70.3 67.9 / 45.7 83.0 56.3 51.6 62.5 24.7 / 69.5 86.6 / 87.5 64.3 GPT-3 6.7B 6,700 70.0 60.7 / 44.6 83.0 49.5 53.1 67.3 23.8 / 66.4 87.9 / 88.8 63.6 GPT-3 13B 13,000 70.2 66.1 / 46.0 86.0 60.6 51.1 75.0 25.0 / 69.3 88.9 / 89.8 66.9 GPT-3 175,000 77.5 82.1 / 57.2 92.0 72.9 55.3 75.0 32.5 / 74.8 89.0 / 90.1 73.2 PET 223 79.4 85.1 / 59.4 95.0 69.8 52.4 80.1 37.9 / 77.3 86.0 / 86.5 74.1 iPET 223 80.6 92.9 / 92.4 95.0 74.0 52.2 80.1 33.0 / 74.0 86.0 / 86.5 76.8 test GPT-3 175,000 76.4 75.6 / 52.0 92.0 69.0 49.4 80.1 30.5 / 75.4 90.2 / 91.1 71.8 PET 223 79.1 87.2 / 60.2 90.8 67.2 50.7 88.4 36.4 / 76.6 85.4 / 85.9 74.0 iPET 223 81.2 88.8 / 79.9 90.8 70.8 49.3 88.4 31.7 / 74.1 85.4 / 85.9 75.4 SotA 11,000 91.2 93.9 / 96.8 94.8 92.5 76.9 93.8 88.1 / 63.3 94.1 / 93.4 89.3

Table 1: Results on SuperGLUE for GPT-3 primed with 32 randomly selected examples and for PET / iPET with ALBERT-xxlarge-v2 after training on FewGLUE. State-of-the-art results when using the regular, full size training sets for all tasks (Raffel et al., 2019) are shown in italics.

of a given set of answer candidates is the correct replacement for the placeholder in the cloze question. As this task is already presented in the form of a cloze question, there is little room for designing PVPs, so we only use a trivial one: the concatenation of p and q as pattern and the identity function as verbalizer. With only one PVP, there is no need to perform knowledge distillation so we directly use the resulting model as our final classifier.

4.2 Setup

As underlying LM for PET we choose ALBERTxxlarge-v2 (Lan et al., 2020), the best-performing MLM on SuperGLUE when training is performed on the regular, full size training sets.5 We run PET on the FewGLUE training sets for all SuperGLUE tasks using the exact same setup as Schick and Schütze (2020a). For COPA, WSC and ReCoRD, we use our proposed modification of PET to support verbalizers mapping labels to multiple tokens; for all other tasks, we use regular PET. We train iPET on all tasks except COPA and WSC, as their unlabeled sets contain well below 1000 examples, as well as ReCoRD, for which iPET makes no sense as we only use a single PVP. For these three tasks, we simply reuse the results of regular PET.

4.3 Results

Our main results are shown in Table 1. As can be seen, ALBERT with PET performs similar to the largest GPT-3 model, which is larger by a factor of 785. On average, PET performs 18 points better 5Results for various models can be found at https://super.gluebenchmark.com/leaderboard. compared to GPT-3 Med, a model of similar size. iPET brings further improvements for 3 out of 5 tasks, most notably for CB, but results in a slight performance drop for MultiRC. Similar to GPT-3, we find that PET does not perform above random chance for WiC, which is difficult to reformulate as a language modeling task. ReCoRD is the only task for which GPT-3 consistently performs better than both PET and iPET. Despite PET’s strong performance, it still clearly performs worse than a state-of-the-art model trained on the regular, full size SuperGLUE training set.

5 Analysis

We investigate the importance of several factors for good few-shot performance: the choice of patterns and verbalizers, the usage of both unlabeled and labeled data, and properties of the underlying language model. We also look into our proposed modification for PET to work with multiple masks and compare it to various baselines. Finally, we measure how choosing different sets of training examples affects performance. Our analysis focuses on PET as GPT-3 is not publicly available.6

5.1 Patterns

One factor that has gained little attention in previous work is the way tasks are reformulated as cloze questions. These reformulations can be arbitrarily complex; for example, the pattern used by GPT-3 for WSC contains an introductory section 6We requested access to OpenAI’s GPT-3 API, but as of this writing, it has not been granted.

CB RTE MultiRC Avg Model Acc. / F1 Acc. EM / F1a – PET (pours) 85.1 / 59.4 69.8 37.9 / 77.3 66.6 PET (pGPT-3) 83.3 / 58.1 71.8 25.4 / 68.3 63.1 PET (pcomb) 84.5 / 59.0 74.7 39.1 / 77.7 68.3 PET (pours) - dist 83.9 / 76.2 66.4 38.9 / 76.2 68.0 PET (pcomb) - dist 83.9 / 76.2 72.9 39.6 / 76.6 70.4 Table 2: Results on selected tasks for various sets of PVPs for regular PET and for an ensemble of PET models with no knowledge distillation (“- dist”) that spans almost 30 words; it is unclear if and how this formulation has been optimized. To investigate the importance of patterns and verbalizers, we compare three different sets of PVPs: our initial set of PVPs as defined in Section 4.1 (denoted pours), the single PVP used by GPT-3 (pGPT-3), and the combination of both (pcomb).

We train ALBERT using PET with all three sets of patterns; results for selected SuperGLUE tasks are shown in Table 2 (top). As can be seen, the PVP used by GPT-3 outperforms our PVPs on RTE whereas our initial set of patterns performs much better on MultiRC. These large differences in performance highlight the importance of finding good ways to express tasks as cloze questions. As it is extremely difficult to ascertain which patterns perform well without trying them on a large set of examples, a key challenge for few-shot approaches is to be able to compensate for PVPs that the used LM fails to understand well. As seen in the performance of the model trained with pcomb, PET is able to do so: not only does combining all PVPs compensate for the worse performance of pours on RTE and of pGPT-3 on MultiRC, it even further improves average performance across the three tasks considered compared to the best-performing set of patterns. This clearly demonstrates the potential of carefully engineering a set of suitable patterns as opposed to just choosing a single formulation without means of evaluating its actual effectiveness.

5.2 Unlabeled Data Usage

Unlike GPT-3, PET requires unlabeled data to distill the knowledge of all models based on individual PVPs into a single classifier; for iPET, unlabeled data is additionally used to generate training sets for future generations. While the benefit of iPET is already analyzed in Table 1, we now investigate the importance of unlabeled data for regular PET. To this end, we compare the performance of the

CB RTE MultiRC Avg Model Acc. / F1 Acc. EM / F1a – PET 85.1 / 59.4 69.8 37.9 / 77.3 66.6 unsupervised 33.5 / 23.1 55.0 3.9 / 60.3 38.5 supervised 60.7 / 42.5 50.2 4.3 / 49.8 43.0 PET (XLNet) 88.7 / 83.0 60.4 21.4 / 66.6 63.4 Priming (XLNet) 56.3 / 37.7 49.5 – / – –

Table 3: Results on selected tasks for various ways of using the labeled examples available in FewGLUE final classifier in PET to that of directly using the ensemble of models corresponding to individual PVPs. While using this ensemble entirely removes the need for unlabeled data, the ensemble for k PVPs is larger than the distilled model by a factor of 3 � k as we follow the default setting of PET and train three models per PVP. However, even for a large number of PVPs the ensemble is smaller than GPT-3 by two orders of magnitude.

Results without distillation can be seen in Table 2 (bottom). Averaged across the three tasks, the ensemble performs even better than the distilled classifier. This shows that if the goal is only to achieve good performance, then unlabeled data is not necessary; however, it is required to obtain a single, lightweight model as final classifier. Of course, there are further ways to leverage unlabeled data such as keeping an auxiliary language modeling objective during finetuning (Chronopoulou et al., 2019). While we leave investigating the impact of additionally using such methods to future work, we note that they can easily be applied to PET while there is no straightforward way to combine them with priming.

5.3 Labeled Data Usage

We next investigate the effect of how labeled data is used, which is one of the key differences between priming and PET. We first compare PET with regular supervised training (i.e., without using any patterns), and with a fully unsupervised model (Table 3). Given 32 examples, PET clearly outperforms both baselines, which is in line with findings by Schick and Schütze (2020a).

We next compare PET directly to priming. However, we cannot do so using ALBERT as it, like most pretrained MLMs, is only able to process sequences of up to 512 tokens, which is not enough for a set of 32 examples. As it theoretically supports sequences of arbitrary length, we instead use XLNet (Yang et al., 2019) for this compariBoolQ CB Acc CB F1 COPA RTE WiC WSC MultiRC EM MultiRC F1a ReCoRD Acc ReCoRD F1 PET 175B 13B 6.7B 2.7B XL Large Med Small -30 -20 -10 �0 +10 +20 +30

Figure 3: Accuracy differences between priming with 32 examples and one-shot priming for all GPT-3 models as well as between ALBERT with PET (without distillation) and unsupervised ALBERT (bottom row) son. As shown in Table 3, XLNet in general performs worse than ALBERT. More importantly, XLNet with PET performs much better than priming (and priming does not even perform above random chance for RTE). We were not able to obtain results with priming on MultiRC because the 32 examples in FewGLUE would require more than 10,000 tokens, so processing them with a standard Transformer (Vaswani et al., 2017) is infeasible due to the quadratic complexity of self-attention. This highlights another important issue with priming: It does not scale well to more than a few examples; even GPT-3 is only able to process sequences of up to 2,048 tokens. While there are some variants of the Transformer that can deal with much longer contexts (e.g., Kitaev et al., 2020; Beltagy et al., 2020), it has yet to be investigated to what extent such models are able to actually make good use of priming examples over such a long context span. We further investigate the effectiveness of priming by looking at results obtained with GPT-3 more closely. To analyze how well GPT-3 is able to make use of examples given as context, Figure 3 shows the performance difference between priming with 32 examples and priming with just a single example for each task and model size.7 As can be seen, priming with 32 examples only slightly improves performance for most tasks and model sizes. For some tasks, adding more examples even leads to

7 We do not compare priming to zero-shot performance as for unknown reasons, zero-shot GPT-3 performs well below random guessing for some tasks (e.g., 0.0% accuracy forWiC). To not overestimate the benefit of priming, we therefore show gains from providing 32 examples compared to just one.

CB RTE MultiRC Avg Model Params Acc. / F1 Acc. EM / F1a – ALBERT 223M 87.5 / 78.7 74.7 38.9 / 76.2 71.8 RoBERTa 355M 85.7 / 77.5 62.8 23.3 / 70.0 63.7 GPT-2 345M 73.2 / 73.7 47.7 12.4 / 57.4 52.0 Table 4: Results on selected tasks for PET without knowledge distillation combined with various LMs using pGPT-3 for CB/RTE and pours for MultiRC worse performance, especially for smaller models. For ReCoRD, even the largest model’s performance slightly drops when adding more examples. The bottom row of Figure 3 shows the performance difference between ALBERT trained with PET (without distillation) and a fully unsupervised ALBERT model on all tasks. While results are not directly comparable due to different underlying models and PVPs, using PET results in much stronger performance improvements compared to priming and does not worsen results for any of the eight tasks.

5.4 Model Type

We next look into the relevance of the underlying LM for PET’s performance. To this end, we compare ALBERT with RoBERTa large (Liu et al., 2019) and GPT-2 medium (Radford et al., 2019). As GPT-2 is a unidirectional model similar to GPT-3, it can only process patterns where the mask token is the very last token. We therefore use pGPT-3 for CB and RTE; for MultiRC, we stick with our original set of patterns as they already fulfill this requirement. We also do not perform distillation and instead report the ensemble’s performance as there is no established way of equipping GPT-2 with a sequence classification head. Results for training all three LMs with PET in Table 4 show that using ALBERT as underlying LM is crucial for PET’s strong performance; exchanging ALBERT with RoBERTa results in an average performance drop of 8 points. However, RoBERTa still clearly outperforms GPT-3 13B, which is larger by two orders of magnitude. Importantly, PET with GPT-2 performs much worse than with both other models. As anticipated by previous work (Brown et al., 2020), a key reason for this drop in performance could be that like GPT-3, GPT- 2 is a unidirectional LM, making tasks that require comparing two sequences of text a much greater challenge. However, it is important to note that there are also other substantial differences between

COPA WSC ReCoRD Avg Model Acc. Acc. Acc. / F1 – PET 95.0 80.1 86.0 / 86.5 87.1 PET - dist (max-first) 90.0 80.8 86.0 / 86.5 85.7 PET - dist (ltr) 89.0 79.8 84.7 / 85.3 84.6 PET - dist (parallel) 77.0 80.8 82.5 / 83.1 80.2 untrained 72.5 59.9 84.7 / 85.4 72.5

Table 5: Results on selected tasks for our proposed variant of PET as well as other decoding strategies and for untrained ALBERT

GPT-2 and the other two models, most notably the dataset used for pretraining. Regardless of whether its unidirectionality is the reason for GPT-2’s bad performance, bidirectionality of the underlying LM is important for PET as it removes the need for the mask token to be at the very end and thus allows for more flexibility in the creation of patterns.

5.5 PET with Multiple Masks

We modified PET to work for outputs that require more than a single token. To investigate the impact of this modification, we look at the three tasks for which this is required: COPA, WSC and ReCoRD. We compare our decoding strategy of predicting tokens in order of the probability assigned to them, to which we refer as max-first, with two alternatives: decoding left-to-right (ltr) as is common for many autoregressive language models, and decoding all tokens simultaneously (parallel) as is done during training. Additionally, we compare PET with untrained ALBERT to measure the effectiveness of our proposed training loss.

Results are shown in Table 5. PET clearly outperforms untrained ALBERT for the three tasks. Not performing distillation hurts performance for COPA, but leads to slight improvements on WSC. Our decoding strategy is clearly superior to parallel decoding except for WSC, for which most predictions consist only of one or two tokens, and performs slightly better than left-to-right decoding.

5.6 Training Examples

Recall that we conduct our experiments with training examples from FewGLUE, a randomly selected subset of the original SuperGLUE training examples. We used a fixed random seed s0 to generate FewGLUE. Let �i be the randomly selected subset of SuperGLUE for random seed si, so �0 = FewGLUE. In this subsection, we create two additional subsets of SuperGLUE, �1 and �2, based on different seeds. This allows us to investigate CB RTE MultiRC Avg Model Acc. / F1 Acc. EM / F1a – GPT-3 82.1 / 57.2 72.9 32.5 / 74.8 65.4 PET - dist (�0) 83.9 / 76.2 66.4 38.9 / 76.2 68.0 PET - dist (�1) 82.1 / 57.4 61.4 39.2 / 77.9 63.2 PET - dist (�2) 87.5 / 84.0 61.4 34.7 / 76.3 67.6 Table 6: Results on selected tasks for GPT-3 and for PET using training sets �0, �1, �2 how different sets of training examples affect performance. To this end, we run PET for CB, RTE and MultiRC using all three �i. To measure only the effect of varying the training set while ignoring unlabeled examples, we do not use distillation. Results in Table 6 show that for all tasks, changing the set of training examples can result in significant performance differences for PET. This highlights the importance of using the same set of examples when comparing different few-shot approaches, which is why we make the particular set of examples in FewGLUE publicly available. However, we note that the average performance of PET is similar to that of GPT-3 for all seeds. While our results may seem contrary to the insight that for GPT-3, the exact choice of examples does not play a major role, we suspect this to be due to the fact that priming benefits much less from training examples than PET (cf. Section 5.3); accordingly, the influence of the exact set of training examples on the model’s performance is smaller.

6 Conclusion

We have shown that it is possible to achieve fewshot performance similar to GPT-3 on SuperGLUE with LMs that have three orders of magnitude fewer parameters. This is achieved using PET, a method that reformulates tasks as cloze questions and trains an ensemble of models for different reformulations. We have proposed a simple yet effective modification to PET that enables us to use it for tasks that require predicting multiple tokens. In extensive experiments, we have identified several factors responsible for the strong performance of PET combined with pretrained ALBERT: the possibility to concurrently use multiple patterns for transforming examples into cloze questions, the ability to compensate for patterns that are difficult to understand, the usage of labeled data to perform parameter updates, and the underlying LM itself. To enable comparisons with our work, we make our dataset of few-shot training examples publicly available.

References

Iz Beltagy, Matthew E. Peters, and Arman Cohan. 2020. Longformer: The long-document transformer. Computing Research Repository, arXiv:2004.05150. Tom B. Brown, Benjamin Mann, Nick Ryder, Melanie Subbiah, Jared Kaplan, Prafulla Dhariwal, Arvind Neelakantan, Pranav Shyam, Girish Sastry, Amanda Askell, Sandhini Agarwal, Ariel Herbert-Voss, Gretchen Krueger, Tom Henighan, Rewon Child, Aditya Ramesh, Daniel M. Ziegler, Jeffrey Wu, Clemens Winter, Christopher Hesse, Mark Chen, Eric Sigler, Mateusz Litwin, Scott Gray, Benjamin Chess, Jack Clark, Christopher Berner, Sam McCandlish, Alec Radford, Ilya Sutskever, and Dario Amodei. 2020. Language models are fewshot learners. Computing Research Repository, arXiv:2005.14165. Alexandra Chronopoulou, Christos Baziotis, and Alexandros Potamianos. 2019. An embarrassingly simple approach for transfer learning from pretrained language models. In: Proceedings of the 2019 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies, Volume 1 (Long and Short Papers), pages 2089–2095, Minneapolis, Minnesota. Association for Computational Linguistics. Christopher Clark, Kenton Lee, Ming-Wei Chang, Tom Kwiatkowski, Michael Collins, and Kristina Toutanova. 2019. BoolQ: Exploring the surprising difficulty of natural yes/no questions. In: Proceedings of NAACL-HLT 2019. Ido Dagan, Oren Glickman, and Bernardo Magnini. 2006. The PASCAL recognising textual entailment challenge. In Machine learning challenges. evaluating predictive uncertainty, visual object classification, and recognising tectual entailment, pages 177– 190. Springer. Joe Davison, Joshua Feldman, and Alexander Rush. 2019. Commonsense knowledge mining from pretrained models. In: Proceedings of the 2019 Conference on Empirical Methods in Natural Language Processing and the 9th International Joint Conference on Natural Language Processing (EMNLPIJCNLP), pages 1173–1178, Hong Kong, China. Association for Computational Linguistics. Marie-Catherine De Marneffe, Mandy Simons, and Judith Tonhauser. 2019. The CommitmentBank: Investigating projection in naturally occurring discourse. In Proceedings of Sinn und Bedeutung 23. Jacob Devlin, Ming-Wei Chang, Kenton Lee, and Kristina Toutanova. 2019. BERT: Pre-training of deep bidirectional transformers for language understanding. In Proceedings of the 2019 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies, Volume 1 (Long and Short Papers), pages 4171–4186, Minneapolis, Minnesota. Association for Computational Linguistics. U¨ ru¨n Dogan, Tobias Glasmachers, and Christian Igel. 2016. A unified view on multi-class support vector classification. J. Mach. Learn. Res., 17(45):1–32. Allyson Ettinger. 2020. What BERT is not: Lessons from a new suite of psycholinguistic diagnostics for language models. Transactions of the Association for Computational Linguistics, 8:3448. Marjan Ghazvininejad, Omer Levy, Yinhan Liu, and Luke Zettlemoyer. 2019. Mask-predict: Parallel decoding of conditional masked language models. In Proceedings of the 2019 Conference on Empirical Methods in Natural Language Processing and the 9th International Joint Conference on Natural Language Processing (EMNLP-IJCNLP), pages 6112– 6121, Hong Kong, China. Association for Computational Linguistics. Geoffrey Hinton, Oriol Vinyals, and Jeff Dean. 2015. Distilling the knowledge in a neural network. Computing Research Repository, arXiv:1503.02531. Zhengbao Jiang, Frank F. Xu, Jun Araki, and Graham Neubig. 2019. How can we know what language models know? Computing Research Repository, arXiv:1911.12543. Daniel Khashabi, Snigdha Chaturvedi, Michael Roth, Shyam Upadhyay, and Dan Roth. 2018. Looking beyond the surface: A challenge set for reading comprehension over multiple sentences. In: Proceedings of the 2018 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies, Volume 1 (Long Papers), pages 252–262. Nikita Kitaev, Lukasz Kaiser, and Anselm Levskaya. 2020. Reformer: The efficient transformer. In International Conference on Learning Representations. Zhenzhong Lan, Mingda Chen, Sebastian Goodman, Kevin Gimpel, Piyush Sharma, and Radu Soricut. 2020. ALBERT: A lite BERT for self-supervised learning of language representations. In International Conference on Learning Representations. Hector J Levesque, Ernest Davis, and Leora Morgenstern. 2011. The Winograd schema challenge. In AAAI Spring Symposium: Logical Formalizations of Commonsense Reasoning, volume 46, page 47. Mike Lewis, Yinhan Liu, Naman Goyal, Marjan Ghazvininejad, Abdelrahman Mohamed, Omer Levy, Veselin Stoyanov, and Luke Zettlemoyer. 2020. BART: Denoising sequence-to-sequence pretraining for natural language generation, translation, and comprehension. In: Proceedings of the 58th Annual Meeting of the Association for Computational Linguistics, pages 7871–7880, Online. Association for Computational Linguistics. Yinhan Liu, Myle Ott, Naman Goyal, Jingfei Du, Mandar Joshi, Danqi Chen, Omer Levy, Mike Lewis, Luke Zettlemoyer, and Veselin Stoyanov. 2019. RoBERTa: A robustly optimized BERT pretraining approach. Computing Research Repository, arXiv:1907.11692. Juri Opitz. 2019. Argumentative relation classification as plausibility ranking. In Preliminary proceedings of the 15th Conference on Natural Language Processing (KONVENS 2019): Long Papers, pages 193– 202, Erlangen, Germany. German Society for Computational Linguistics & Language Technology. Adam Paszke, Sam Gross, Soumith Chintala, Gregory Chanan, Edward Yang, Zachary DeVito, Zeming Lin, Alban Desmaison, Luca Antiga, and Adam Lerer. 2017. Automatic differentiation in PyTorch. In NIPS Autodiff Workshop. Fabio Petroni, Tim Rocktschel, Sebastian Riedel, Patrick Lewis, Anton Bakhtin, Yuxiang Wu, and Alexander Miller. 2019. Language models as knowledge bases? Proceedings of the 2019 Conference on Empirical Methods in Natural Language Processing and the 9th International Joint Conference on Natural Language Processing (EMNLP-IJCNLP). Mohammad Taher Pilehvar and Jose Camacho- Collados. 2019. WiC: The word-in-context dataset for evaluating context-sensitive meaning representations. In Proceedings of NAACL-HLT. Raul Puri and Bryan Catanzaro. 2019. Zero-shot text classification with generative language models. Computing Research Repository, arXiv:1912.10165. Alec Radford, Karthik Narasimhan, Tim Salimans, and Ilya Sutskever. 2018. Improving language understanding by generative pre-training. Alec Radford, Jeff Wu, Rewon Child, David Luan, Dario Amodei, and Ilya Sutskever. 2019. Language models are unsupervised multitask learners. Technical report. Colin Raffel, Noam Shazeer, Adam Roberts, Katherine Lee, Sharan Narang, Michael Matena, Yanqi Zhou, Wei Li, and Peter J. Liu. 2019. Exploring the limits of transfer learning with a unified text-totext transformer. Computing Research Repository, arXiv:1910.10683. Melissa Roemmele, Cosmin Adrian Bejan, and Andrew S. Gordon. 2011. Choice of plausible alternatives: An evaluation of commonsense causal reasoning. In 2011 AAAI Spring Symposium Series. Julian Salazar, Davis Liang, Toan Q. Nguyen, and Katrin Kirchhoff. 2020. Masked language model scoring. In Proceedings of the 58th Annual Meeting of the Association for Computational Linguistics, pages 2699–2712, Online. Association for Computational Linguistics. Timo Schick and Hinrich Schütze. 2019. Learning semantic representations for novel words: Leveraging both form and context. In: Proceedings of the Thirty- Third AAAI Conference on Artificial Intelligence. Timo Schick and Hinrich Schütze. 2020a. Exploiting cloze questions for few shot text classification and natural language inference. Computing Research Repository, arXiv:2001.07676. Timo Schick and Hinrich Schütze. 2020b. Rare words: A major problem for contextualized embeddings and how to fix it by attentive mimicking. In: Proceedings of the Thirty-Fourth AAAI Conference on Artificial Intelligence. Alon Talmor, Yanai Elazar, Yoav Goldberg, and Jonathan Berant. 2019. oLMpics – on what language model pre-training captures. Computing Research Repository, arXiv:1912.13283. Trieu H. Trinh and Quoc V. Le. 2018. A simple method for commonsense reasoning. Computing Research Repository, arXiv:1806.02847. Ashish Vaswani, Noam Shazeer, Niki Parmar, Jakob Uszkoreit, Llion Jones, Aidan N Gomez, Lukasz Kaiser, and Illia Polosukhin. 2017. Attention is all you need. In Advances in Neural Information Processing Systems 30, pages 5998–6008. Curran Associates, Inc. Alex Wang and Kyunghyun Cho. 2019. BERT has a mouth, and it must speak: BERT as a Markov random field language model. In: Proceedings of the Workshop on Methods for Optimizing and Evaluating Neural Language Generation, pages 30–36, Minneapolis, Minnesota. Association for Computational Linguistics. Alex Wang, Yada Pruksachatkun, Nikita Nangia, Amanpreet Singh, Julian Michael, Felix Hill, Omer Levy, and Samuel R. Bowman. 2019. SuperGLUE: A stickier benchmark for general-purpose language understanding systems. arXiv preprint 1905.00537. Jason Weston and Chris Watkins. 1999. Support vector machines for multi-class pattern recognition. In ESANN, volume 99, pages 219–224. Adina Williams, Nikita Nangia, and Samuel Bowman. 2018. A broad-coverage challenge corpus for sentence understanding through inference. In: Proceedings of the 2018 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies, Volume 1 (Long Papers), pages 1112–1122. Association for Computational Linguistics. Thomas Wolf, Lysandre Debut, Victor Sanh, Julien Chaumond, Clement Delangue, Anthony Moi, Pierric Cistac, Tim Rault, Rmi Louf, Morgan Funtowicz, and Jamie Brew. 2019. Transformers: State-ofthe- art natural language processing. Computing Research Repository, arXiv:1910.03771. Zhilin Yang, Zihang Dai, Yiming Yang, Jaime Carbonell, Russ R Salakhutdinov, and Quoc V Le. 2019. Xlnet: Generalized autoregressive pretraining for language understanding. In H. Wallach, H. Larochelle, A. Beygelzimer, F. d'Alch´e-Buc, E. Fox, and R. Garnett, editors, Advances in Neural Information Processing Systems 32, pages 5753– 5763. Curran Associates, Inc. Sheng Zhang, Xiaodong Liu, Jingjing Liu, Jianfeng Gao, Kevin Duh, and Benjamin Van Durme. 2018. ReCoRD: Bridging the gap between human and machine commonsense reading comprehension. Computing Research Repository, arXiv:1810.12885.


;

 AuthorvolumeDate ValuetitletypejournaltitleUrldoinoteyear
2020 ItsNotJustSizeThatMattersSmallLHinrich Schütze
Timo Schick
It's Not Just Size That Matters: Small Language Models Are Also Few-Shot Learners2020