CamemBERT: a Tasty French Language Model
←
→
Page content transcription
If your browser does not render page correctly, please read the page content below
CamemBERT: a Tasty French Language Model Louis Martin∗1,2,3 Benjamin Muller∗2,3 Pedro Javier Ortiz Suárez∗2,3 Yoann Dupont3 Laurent Romary2 Éric Villemonte de la Clergerie2 Djamé Seddah2 Benoît Sagot2 1 Facebook AI Research, Paris, France 2 Inria, Paris, France 3 Sorbonne Université, Paris, France louismartin@fb.com {benjamin.muller, pedro.ortiz, laurent.romary, eric.de_la_clergerie, djame.seddah, benoit.sagot}@inria.fr yoa.dupont@gmail.com Abstract range of tasks (Devlin et al., 2019; Radford et al., 2019; Liu et al., 2019; Raffel et al., 2019). Pretrained language models are now ubiqui- These transfer learning methods exhibit clear arXiv:1911.03894v3 [cs.CL] 21 May 2020 tous in Natural Language Processing. Despite advantages over more traditional task-specific ap- their success, most available models have ei- ther been trained on English data or on the con- proaches. In particular, they can be trained in an catenation of data in multiple languages. This unsupervized manner, thereby taking advantage makes practical use of such models—in all lan- of the information contained in large amounts of guages except English—very limited. In this raw text. Yet they come with implementation chal- paper, we investigate the feasibility of train- lenges, namely the amount of data and computa- ing monolingual Transformer-based language tional resources needed for pretraining, which can models for other languages, taking French reach hundreds of gigabytes of text and require as an example and evaluating our language hundreds of GPUs (Yang et al., 2019; Liu et al., models on part-of-speech tagging, dependency parsing, named entity recognition and natural 2019). This has limited the availability of these language inference tasks. We show that the use state-of-the-art models to the English language, at of web crawled data is preferable to the use least in the monolingual setting. This is particularly of Wikipedia data. More surprisingly, we show inconvenient as it hinders their practical use in NLP that a relatively small web crawled dataset systems. It also prevents us from investigating their (4GB) leads to results that are as good as those language modelling capacity, for instance in the obtained using larger datasets (130+GB). Our case of morphologically rich languages. best performing model CamemBERT reaches or improves the state of the art in all four down- Although multilingual models give remarkable stream tasks. results, they are often larger, and their results, as we will observe for French, can lag behind their mono- lingual counterparts for high-resource languages. 1 Introduction In order to reproduce and validate results that have so far only been obtained for English, we take Pretrained word representations have a long history advantage of the newly available multilingual cor- in Natural Language Processing (NLP), from non- pora OSCAR (Ortiz Suárez et al., 2019) to train a contextual (Brown et al., 1992; Ando and Zhang, monolingual language model for French, dubbed 2005; Mikolov et al., 2013; Pennington et al., 2014) CamemBERT. We also train alternative versions to contextual word embeddings (Peters et al., 2018; of CamemBERT on different smaller corpora with Akbik et al., 2018). Word representations are usu- different levels of homogeneity in genre and style ally obtained by training language model architec- in order to assess the impact of these parameters on tures on large amounts of textual data and then fed downstream task performance. CamemBERT uses as an input to more complex task-specific architec- the RoBERTa architecture (Liu et al., 2019), an im- tures. More recently, these specialized architectures proved variant of the high-performing and widely have been replaced altogether by large-scale pre- used BERT architecture (Devlin et al., 2019). trained language models which are fine-tuned for We evaluate our model on four different down- each application considered. This shift has resulted stream tasks for French: part-of-speech (POS) tag- in large improvements in performance over a wide ging, dependency parsing, named entity recogni- ∗ Equal contribution. Order determined alphabetically. tion (NER) and natural language inference (NLI).
CamemBERT improves on the state of the art in all recently ALBERT (Lan et al., 2019) and T5 (Raffel four tasks compared to previous monolingual and et al., 2019). multilingual approaches including mBERT, XLM Non-English contextualized models Following and XLM-R, which confirms the effectiveness of the success of large pretrained language models, large pretrained language models for French. they were extended to the multilingual setting with Our contributions can be summarized as follows: multilingual BERT (hereafter mBERT) (Devlin • First to release a monolingual RoBERTa et al., 2018), a single multilingual model for 104 model for the French language using recently different languages trained on Wikipedia data, and introduced large-scale open source corpora later XLM (Lample and Conneau, 2019), which from the Oscar collection and first outside significantly improved unsupervized machine trans- the original BERT authors to release such a lation. More recently XLM-R (Conneau et al., large model for an other language than En- 2019), extended XLM by training on 2.5TB of glish. This model is made available publicly data and outperformed previous scores on multi- under an MIT open-source license1 . lingual benchmarks. They show that multilingual models can obtain results competitive with mono- • We achieve state-of-the-art results on four lingual models by leveraging higher quality data downstream tasks: POS tagging, dependency from other languages on specific downstream tasks. parsing, NER and NLI, confirming the effec- A few non-English monolingual models have tiveness of BERT-based language models for been released: ELMo models for Japanese, Por- French. tuguese, German and Basque2 and BERT for Sim- • We demonstrate that small and diverse train- plified and Traditional Chinese (Devlin et al., 2018) ing sets can achieve similar performance to and German (Chan et al., 2019). large-scale corpora, by analysing the impor- However, to the best of our knowledge, no par- tance of the pretraining corpus in terms of size ticular effort has been made toward training models and domain. for languages other than English at a scale similar to the latest English models (e.g. RoBERTa trained 2 Previous work on more than 100GB of data). 2.1 Contextual Language Models BERT and RoBERTa Our approach is based on From non-contextual to contextual word em- RoBERTa (Liu et al., 2019) which itself is based on beddings The first neural word vector repre- BERT (Devlin et al., 2019). BERT is a multi-layer sentations were non-contextualized word embed- bidirectional Transformer encoder trained with a dings, most notably word2vec (Mikolov et al., masked language modeling (MLM) objective, in- 2013), GloVe (Pennington et al., 2014) and fastText spired by the Cloze task (Taylor, 1953). It comes (Mikolov et al., 2018), which were designed to be in two sizes: the BERTBASE architecture and the used as input to task-specific neural architectures. BERTLARGE architecture. The BERTBASE architec- Contextualized word representations such as ELMo ture is 3 times smaller and therefore faster and (Peters et al., 2018) and flair (Akbik et al., 2018), easier to use while BERTLARGE achieves increased improved the representational power of word em- performance on downstream tasks. RoBERTa im- beddings by taking context into account. Among proves the original implementation of BERT by other reasons, they improved the performance of identifying key design choices for better perfor- models on many tasks by handling words poly- mance, using dynamic masking, removing the semy. This paved the way for larger contextualized next sentence prediction task, training with larger models that replaced downstream architectures alto- batches, on more data, and for longer. gether in most tasks. Trained with language model- 3 Downstream evaluation tasks ing objectives, these approaches range from LSTM- based architectures such as (Dai and Le, 2015), In this section, we present the four downstream to the successful transformer-based architectures tasks that we use to evaluate CamemBERT, namely: such as GPT2 (Radford et al., 2019), BERT (Devlin Part-Of-Speech (POS) tagging, dependency pars- et al., 2019), RoBERTa (Liu et al., 2019) and more ing, Named Entity Recognition (NER) and Natural 1 2 Released at: https://camembert-model.fr https://allennlp.org/elmo
Language Inference (NLI). We also present the 2018). NLI consists in predicting whether a hypoth- baselines that we will use for comparison. esis sentence is entailed, neutral or contradicts a premise sentence. The XNLI dataset is the exten- Tasks POS tagging is a low-level syntactic task, sion of the Multi-Genre NLI (MultiNLI) corpus which consists in assigning to each word its corre- (Williams et al., 2018) to 15 languages by trans- sponding grammatical category. Dependency pars- lating the validation and test sets manually into ing consists in predicting the labeled syntactic tree each of those languages. The English training set in order to capture the syntactic relations between is machine translated for all languages other than words. English. The dataset is composed of 122k train, For both of these tasks we run our experiments 2490 development and 5010 test examples for each using the Universal Dependencies (UD)3 frame- language. As usual, NLI performance is evaluated work and its corresponding UD POS tag set (Petrov using accuracy. et al., 2012) and UD treebank collection (Nivre et al., 2018), which was used for the CoNLL 2018 Baselines In dependency parsing and POS- shared task (Seker et al., 2018). We perform our tagging we compare our model with: evaluations on the four freely available French UD treebanks in UD v2.2: GSD (McDonald et al., • mBERT: The multilingual cased version of 2013), Sequoia4 (Candito and Seddah, 2012; Can- BERT (see Section 2.1). We fine-tune mBERT dito et al., 2014), Spoken (Lacheret et al., 2014; on each of the treebanks with an additional Bawden et al., 2014)5 , and ParTUT (Sanguinetti layer for POS-tagging and dependency pars- and Bosco, 2015). A brief overview of the size and ing, in the same conditions as our Camem- content of each treebank can be found in Table 1. BERT model. Treebank #Tokens #Sentences Genres • XLMMLM-TLM : A multilingual pretrained lan- guage model from Lample and Conneau GSD 389,363 16,342 Blogs, News Reviews, Wiki (2019), which showed better performance ···················· Medical, News than mBERT on NLI. We use the version avail- Sequoia 68,615 3,099 Non-fiction, Wiki able in the Hugging’s Face transformer library ···················· Spoken 34,972 2,786 Spoken (Wolf et al., 2019); like mBERT, we fine-tune ···················· ParTUT 27,658 1,020 Legal, News, Wikis ···················· it in the same conditions as our model. FTB 350,930 27,658 News • UDify (Kondratyuk, 2019): A multitask and Table 1: Statistics on the treebanks used in POS tagging, multilingual model based on mBERT, UDify dependency parsing, and NER (FTB). is trained simultaneously on 124 different UD treebanks, creating a single POS tagging and We also evaluate our model in NER, which is a dependency parsing model that works across sequence labeling task predicting which words re- 75 different languages. We report the scores fer to real-world objects, such as people, locations, from Kondratyuk (2019) paper. artifacts and organisations. We use the French Tree- bank6 (FTB) (Abeillé et al., 2003) in its 2008 ver- • UDPipe Future (Straka, 2018): An LSTM- sion introduced by Candito and Crabbé (2009) and based model ranked 3rd in dependency parsing with NER annotations by Sagot et al. (2012). The and 6th in POS tagging at the CoNLL 2018 FTB contains more than 11 thousand entity men- shared task (Seker et al., 2018). We report the tions distributed among 7 different entity types. A scores from Kondratyuk (2019) paper. brief overview of the FTB can also be found in Table 1. • UDPipe Future + mBERT + Flair (Straka Finally, we evaluate our model on NLI, using the et al., 2019): The original UDPipe Future French part of the XNLI dataset (Conneau et al., implementation using mBERT and Flair as feature-based contextualized word embed- 3 https://universaldependencies.org dings. We report the scores from Straka et al. 4 https://deep-sequoia.inria.fr (2019) paper. 5 Speech transcript uncased that includes annotated disflu- encies without punctuation 6 This dataset has only been stored and used on Inria’s In French, no extensive work has been done on servers after signing the research-only agreement. NER due to the limited availability of annotated
corpora. Thus we compare our model with the only are learned on 107 sentences sampled randomly recent available baselines set by Dupont (2017), from the pretraining dataset. We do not use sub- who trained both CRF (Lafferty et al., 2001) and word regularisation (i.e. sampling from multiple BiLSTM-CRF (Lample et al., 2016) architectures possible segmentations) for the sake of simplicity. on the FTB and enhanced them using heuristics and pretrained word embeddings. Additionally, as 4.3 Language Modeling for POS and dependency parsing, we compare our Transformer Similar to RoBERTa and BERT, model to a fine-tuned version of mBERT for the CamemBERT is a multi-layer bidirectional Trans- NER task. former (Vaswani et al., 2017). Given the For XNLI, we provide the scores of mBERT widespread usage of Transformers, we do not de- which has been reported for French by Wu scribe them here and refer the reader to (Vaswani and Dredze (2019). We report scores from et al., 2017). CamemBERT uses the original ar- XLMMLM-TLM (described above), the best model chitectures of BERTBASE (12 layers, 768 hidden from Lample and Conneau (2019). We also report dimensions, 12 attention heads, 110M parame- the results of XLM-R (Conneau et al., 2019). ters) and BERTLARGE (24 layers, 1024 hidden di- mensions, 12 attention heads, 110M parameters). 4 CamemBERT: a French Language CamemBERT is very similar to RoBERTa, the Model main difference being the use of whole-word mask- ing and the usage of SentencePiece tokenization In this section, we describe the pretraining data, (Kudo and Richardson, 2018) instead of WordPiece architecture, training objective and optimisation (Schuster and Nakajima, 2012). setup we use for CamemBERT. Pretraining Objective We train our model on 4.1 Training data the Masked Language Modeling (MLM) task. Pretrained language models benefits from being Given an input text sequence composed of N to- trained on large datasets (Devlin et al., 2018; Liu kens x1 , ..., xN , we select 15% of tokens for pos- et al., 2019; Raffel et al., 2019). We therefore use sible replacement. Among those selected tokens, the French part of the OSCAR corpus (Ortiz Suárez 80% are replaced with the special token, et al., 2019), a pre-filtered and pre-classified ver- 10% are left unchanged and 10% are replaced by a sion of Common Crawl.7 random token. The model is then trained to predict the initial masked tokens using cross-entropy loss. OSCAR is a set of monolingual corpora ex- Following the RoBERTa approach, we dynami- tracted from Common Crawl snapshots. It follows cally mask tokens instead of fixing them statically the same approach as (Grave et al., 2018) by us- for the whole dataset during preprocessing. This ing a language classification model based on the improves variability and makes the model more fastText linear classifier (Grave et al., 2017; Joulin robust when training for multiple epochs. et al., 2016) pretrained on Wikipedia, Tatoeba and Since we use SentencePiece to tokenize our cor- SETimes, which supports 176 languages. No other pus, the input tokens to the model are a mix of filtering is done. We use a non-shuffled version of whole words and subwords. An upgraded version the French data, which amounts to 138GB of raw of BERT8 and Joshi et al. (2019) have shown that text and 32.7B tokens after subword tokenization. masking whole words instead of individual sub- 4.2 Pre-processing words leads to improved performance. Whole-word Masking (WWM) makes the training task more dif- We segment the input text data into subword units ficult because the model has to predict a whole using SentencePiece (Kudo and Richardson, 2018). word rather than predicting only part of the word SentencePiece is an extension of Byte-Pair encod- given the rest. We train our models using WWM ing (BPE) (Sennrich et al., 2016) and WordPiece by using whitespaces in the initial untokenized text (Kudo, 2018) that does not require pre-tokenization as word delimiters. (at the word or token level), thus removing the need WWM is implemented by first randomly sam- for language-specific tokenisers. We use a vocabu- pling 15% of the words in the sequence and then lary size of 32k subword tokens. These subwords 8 https://github.com/google-research/ 7 https://commoncrawl.org/about/ bert/blob/master/README.md
considering all subword tokens in each of this 15% word. For dependency parsing, we plug a bi-affine for candidate replacement. This amounts to a pro- graph predictor head as inspired by Dozat and Man- portion of selected tokens that is close to the origi- ning (2017). We refer the reader to this article for nal 15%. These tokens are then either replaced by more details on this module. We fine-tune on XNLI tokens (80%), left unchanged (10%) or by adding a classification head composed of one replaced by a random token. hidden layer with a non-linearity and one linear Subsequent work has shown that the next sen- projection layer, with input dropout for both. tence prediction (NSP) task originally used in We fine-tune CamemBERT independently for BERT does not improve downstream task perfor- each task and each dataset. We optimize the model mance (Lample and Conneau, 2019; Liu et al., using the Adam optimiser (Kingma and Ba, 2014) 2019), thus we also remove it. with a fixed learning rate. We run a grid search on a combination of learning rates and batch sizes. We Optimisation Following (Liu et al., 2019), we select the best model on the validation set out of the optimize the model using Adam (Kingma and Ba, 30 first epochs. For NLI we use the default hyper- 2014) (β1 = 0.9, β2 = 0.98) for 100k steps with parameters provided by the authors of RoBERTa on large batch sizes of 8192 sequences, each sequence the MNLI task.9 Although this might have pushed containing at most 512 tokens. We enforce each se- the performances even further, we do not apply quence to only contain complete paragraphs (which any regularisation techniques such as weight de- correspond to lines in the our pretraining dataset). cay, learning rate warm-up or discriminative fine- Pretraining We use the RoBERTa implementa- tuning, except for NLI. We show that fine-tuning tion in the fairseq library (Ott et al., 2019). Our CamemBERT in a straightforward manner leads learning rate is warmed up for 10k steps up to a to state-of-the-art results on all tasks and outper- peak value of 0.0007 instead of the original 0.0001 forms the existing BERT-based models in all cases. given our large batch size, and then fades to zero The POS tagging, dependency parsing, and NER with polynomial decay. Unless otherwise specified, experiments are run using Hugging Face’s Trans- our models use the BASE architecture, and are former library extended to support CamemBERT pretrained for 100k backpropagation steps on 256 and dependency parsing (Wolf et al., 2019). The Nvidia V100 GPUs (32GB each) for a day. We NLI experiments use the fairseq library following do not train our models for longer due to practical the RoBERTa implementation. considerations, even though the performance still Embeddings Following Straková et al. (2019) seemed to be increasing. and Straka et al. (2019) for mBERT and the En- 4.4 Using CamemBERT for downstream glish BERT, we make use of CamemBERT in a tasks feature-based embeddings setting. In order to ob- tain a representation for a given token, we first We use the pretrained CamemBERT in two ways. compute the average of each sub-word’s represen- In the first one, which we refer to as fine-tuning, tations in the last four layers of the Transformer, we fine-tune the model on a specific task in an end- and then average the resulting sub-word vectors. to-end manner. In the second one, referred to as We evaluate CamemBERT in the embeddings feature-based embeddings or simply embeddings, setting for POS tagging, dependency parsing and we extract frozen contextual embedding vectors NER; using the open-source implementations of from CamemBERT. These two complementary ap- Straka et al. (2019) and Straková et al. (2019).10 proaches shed light on the quality of the pretrained hidden representations captured by CamemBERT. 5 Evaluation of CamemBERT Fine-tuning For each task, we append the rel- In this section, we measure the performance of our evant predictive layer on top of CamemBERT’s models by evaluating them on the four aforemen- architecture. Following the work done on BERT 9 More details at https://github.com/pytorch/ (Devlin et al., 2019), for sequence tagging and se- fairseq/blob/master/examples/roberta/ quence labeling we append a linear layer that re- README.glue.md. 10 spectively takes as input the last hidden represen- UDPipe Future is available at https://github. com/CoNLL-UD-2018/UDPipe-Future, and the code tation of the special token and the last hidden for nested NER is available at https://github.com/ representation of the first subword token of each ufal/acl2019_nested_ner.
tioned tasks: POS tagging, dependency parsing, Using CamemBERT as embeddings to the tra- NER and NLI. ditional LSTM+CRF architecture gives slightly higher scores than by fine-tuning the model POS tagging and dependency parsing For (89.08 vs. 89.55). This demonstrates that although POS tagging and dependency parsing, we compare CamemBERT can be used successfully without any CamemBERT with other models in the two set- task-specific architecture, it can still produce high tings: fine-tuning and as feature-based embeddings. quality contextualized embeddings that might be We report the results in Table 2. useful in scenarios where powerful downstream CamemBERT reaches state-of-the-art scores on architectures exist. all treebanks and metrics in both scenarios. The two approaches achieve similar scores, with a slight ad- Natural Language Inference On the XNLI vantage for the fine-tuned version of CamemBERT, benchmark, we compare CamemBERT to previ- thus questioning the need for complex task-specific ous state-of-the-art multilingual models in the fine- architectures such as UDPipe Future. tuning setting. In addition to the standard Camem- Despite a much simpler optimisation process and BERT model with a BASE architecture, we train no task specific architecture, fine-tuning Camem- another model with the LARGE architecture, re- BERT outperforms UDify on all treebanks and ferred to as CamemBERTLARGE , for a fair com- sometimes by a large margin (e.g. +4.15% LAS parison with XLM-RLARGE . This model is trained on Sequoia and +5.37 LAS on ParTUT). Camem- with the CCNet corpus, described in Sec. 6, for BERT also reaches better performance than other 100k steps.12 We expect that training the model for multilingual pretrained models such as mBERT longer would yield even better performance. and XLMMLM-TLM on all treebanks. CamemBERT reaches higher accuracy than its CamemBERT achieves overall slightly bet- BASE counterparts reaching +5.6% over mBERT, ter results than the previous state-of-the-art and +2.3 over XLMMLM-TLM , and +2.4 over XLM- task-specific architecture UDPipe Future+mBERT RBASE . CamemBERT also uses as few as half +Flair, except for POS tagging on Sequoia and POS as many parameters (110M vs. 270M for XLM- tagging on Spoken, where CamemBERT lags by RBASE ). 0.03% and 0.14% UPOS respectively. UDPipe Fu- CamemBERTLARGE achieves a state-of-the-art ture+mBERT +Flair uses the contextualized string accuracy of 85.7% on the XNLI benchmark, as embeddings Flair (Akbik et al., 2018), which are in opposed to 85.2, for the recent XLM-RLARGE . fact pretrained contextualized character-level word CamemBERT uses fewer parameters than mul- embeddings specifically designed to handle mis- tilingual models, mostly because of its smaller vo- spelled words as well as subword structures such cabulary size (e.g. 32k vs. 250k for XLM-R). Two as prefixes and suffixes. This design choice might elements might explain the better performance of explain the difference in score for POS tagging CamemBERT over XLM-R. Even though XLM- with CamemBERT, especially for the Spoken tree- R was trained on an impressive amount of data bank where words are not capitalized, a factor that (2.5TB), only 57GB of this data is in French, might pose a problem for CamemBERT which was whereas we used 138GB of French data. Addition- trained on capitalized data, but that might be prop- ally XLM-R also handles 100 languages, and the erly handle by Flair on the UDPipe Future+mBERT authors show that when reducing the number of +Flair model. languages to 7, they can reach 82.5% accuracy for Named-Entity Recognition For NER, we simi- French XNLI with their BASE architecture. larly evaluate CamemBERT in the fine-tuning set- Summary of CamemBERT’s results Camem- ting and as input embeddings to the task specific BERT improves the state of the art for the 4 down- architecture LSTM+CRF. We report these scores stream tasks considered, thereby confirming on in Table 3. French the usefulness of Transformer-based mod- In both scenarios, CamemBERT achieves higher F1 scores than the traditional CRF-based architec- NER, therefore we do not report its low performance (84.37%) 12 We train our LARGE model with the CCNet corpus for tures, both non-neural and neural, and than fine- practical reasons. Given that BASE models reach similar per- tuned multilingual BERT models.11 formance when using OSCAR or CCNet as pretraining corpus (Appendix Table 8), we expect an OSCAR LARGE model to 11 XLMMLM-TLM is a lower-case model. Case is crucial for reach comparable scores.
GSD S EQUOIA S POKEN PARTUT M ODEL UPOS LAS UPOS LAS UPOS LAS UPOS LAS mBERT (fine-tuned) 97.48 89.73 98.41 91.24 96.02 78.63 97.35 91.37 XLMMLM-TLM (fine-tuned) 98.13 90.03 98.51 91.62 96.18 80.89 97.39 89.43 UDify (Kondratyuk, 2019) 97.83 91.45 97.89 90.05 96.23 80.01 96.12 88.06 UDPipe Future (Straka, 2018) 97.63 88.06 98.79 90.73 95.91 77.53 96.93 89.63 + mBERT + Flair (emb.) (Straka et al., 2019) 97.98 90.31 99.32 93.81 97.23 81.40 97.64 92.47 ·················································································································································································································· CamemBERT (fine-tuned) 98.18 92.57 99.29 94.20 96.99 81.37 97.65 93.43 UDPipe Future + CamemBERT (embeddings) 97.96 90.57 99.25 93.89 97.09 81.81 97.50 92.32 Table 2: POS and dependency parsing scores on 4 French treebanks, reported on test sets assuming gold tokeniza- tion and segmentation (best model selected on validation out of 4). Best scores in bold, second best underlined. Model F1 use the BASE architecture. SEM (CRF) (Dupont, 2017) 85.02 In order to investigate the need for homogeneous LSTM-CRF (Dupont, 2017) 85.57 mBERT (fine-tuned) 87.35 clean data versus more diverse and possibly noisier ······················································································ CamemBERT (fine-tuned) 89.08 data, we use alternative sources of pretraining data LSTM+CRF+CamemBERT (embeddings) 89.55 in addition to OSCAR: Table 3: NER scores on the FTB (best model selected • Wikipedia, which is homogeneous in terms on validation out of 4). Best scores in bold, second best of genre and style. We use the official underlined. 2019 French Wikipedia dumps13 . We remove HTML tags and tables using Giuseppe At- Model Acc. #Params tardi’s WikiExtractor.14 mBERT (Devlin et al., 2019) 76.9 175M XLMMLM-TLM (Lample and Conneau, 2019) 80.2 250M XLM-RBASE (Conneau et al., 2019) 80.1 270M • CCNet (Wenzek et al., 2019), a dataset ex- ········································································································· CamemBERT (fine-tuned) 82.5 110M tracted from Common Crawl with a different Supplement: LARGE models filtering process than for OSCAR. It was built XLM-RLARGE (Conneau et al., 2019) 85.2 550M ········································································································· using a language model trained on Wikipedia, CamemBERTLARGE (fine-tuned) 85.7 335M in order to filter out bad quality texts such Table 4: NLI accuracy on the French XNLI test set as code or tables.15 As this filtering step bi- (best model selected on validation out of 10). Best ases the noisy data from Common Crawl to scores in bold, second best underlined. more Wikipedia-like text, we expect CCNet to act as a middle ground between the unfil- tered “noisy” OSCAR dataset, and the “clean” els. We obtain these results when using Camem- Wikipedia dataset. As a result of the differ- BERT as a fine-tuned model or when used as con- ent filtering processes, CCNet contains longer textual embeddings with task-specific architectures. documents on average compared to OSCAR This questions the need for more complex down- with smaller—and often noisier—documents stream architectures, similar to what was shown weeded out. for English (Devlin et al., 2019). Additionally, this suggests that CamemBERT is also able to produce Table 6 summarizes statistics of these different cor- high-quality representations out-of-the-box with- pora. out further tuning. In order to make the comparison between these three sources of pretraining data, we randomly sam- 6 Impact of corpus origin and size ple 4GB of text (at the document level) from OS- In this section we investigate the influence of the CAR and CCNet, thereby creating samples of both homogeneity and size of the pretraining corpus on Common-Crawl-based corpora of the same size as downstream task performance. With this aim, we the French Wikipedia. These smaller 4GB samples train alternative version of CamemBERT by vary- 13 https://dumps.wikimedia.org/ ing the pretraining datasets. For this experiment, backup-index.html. 14 we fix the number of pretraining steps to 100k, and https://github.com/attardi/ wikiextractor. allow the number of epochs to vary accordingly 15 We use the HEAD split, which corresponds to the top 33% (more epochs for smaller dataset sizes). All models of documents in terms of filtering perplexity.
GSD S EQUOIA S POKEN PARTUT AVERAGE NER NLI DATASET S IZE UPOS LAS UPOS LAS UPOS LAS UPOS LAS UPOS LAS F1 ACC . Fine-tuning Wiki 4GB 98.28 93.04 98.74 92.71 96.61 79.61 96.20 89.67 97.45 88.75 89.86 78.32 CCNet 4GB 98.34 93.43 98.95 93.67 96.92 82.09 96.50 90.98 97.67 90.04 90.46 82.06 OSCAR 4GB 98.35 93.55 98.97 93.70 96.94 81.97 96.58 90.28 97.71 89.87 90.65 81.88 ······················································································································································································································································· OSCAR 138GB 98.39 93.80 98.99 94.00 97.17 81.18 96.63 90.56 97.79 89.88 91.55 81.55 Embeddings (with UDPipe Future (tagging, parsing) or LSTM+CRF (NER)) Wiki 4GB 98.09 92.31 98.74 93.55 96.24 78.91 95.78 89.79 97.21 88.64 91.23 - CCNet 4GB 98.22 92.93 99.12 94.65 97.17 82.61 96.74 89.95 97.81 90.04 92.30 - OSCAR 4GB 98.21 92.77 99.12 94.92 97.20 82.47 96.74 90.05 97.82 90.05 91.90 - ······················································································································································································································································· OSCAR 138GB 98.18 92.77 99.14 94.24 97.26 82.44 96.52 89.89 97.77 89.84 91.83 - Table 5: Results on the four tasks using language models pre-trained on data sets of varying homogeneity and size, reported on validation sets (average of 4 runs for POS tagging, parsing and NER, average of 10 runs for NLI). Corpus Size #tokens #docs Tokens/doc 6.2 How much data do you need? Percentiles: 5% 50% 95% An unexpected outcome of our experiments is that Wikipedia 4GB 990M 1.4M 102 363 2530 the model trained “only” on the 4GB sample of OS- CCNet 135GB 31.9B 33.1M 128 414 2869 OSCAR 138GB 32.7B 59.4M 28 201 1946 CAR performs similarly to the standard Camem- BERT trained on the whole 138GB OSCAR. The Table 6: Statistics on the pretraining datasets used. only task with a large performance gap is NER, where “138GB” models are better by 0.9 F1 points. This could be due to the higher number of named also provides us a way to investigate the impact entities present in the larger corpora, which is ben- of pretraining data size. Downstream task perfor- eficial for this task. On the contrary, other tasks mance for our alternative versions of CamemBERT don’t seem to gain from the additional data. are provided in Table 5. The upper section reports In other words, when trained on corpora such scores in the fine-tuning setting while the lower as OSCAR and CCNet, which are heterogeneous section reports scores for the embeddings. in terms of genre and style, 4GB of uncompressed text is large enough as pretraining corpus to reach 6.1 Common Crawl vs. Wikipedia? state-of-the-art results with the BASE architecure, better than those obtained with mBERT (pretrained Table 5 clearly shows that models trained on the on 60GB of text).17 This calls into question the 4GB versions of OSCAR and CCNet (Common need to use a very large corpus such as OSCAR or Crawl) perform consistently better than the the one CCNet when training a monolingual Transformer- trained on the French Wikipedia. This is true both based language model such as BERT or RoBERTa. in the fine-tuning and embeddings setting. Unsur- Not only does this mean that the computational prisingly, the gap is larger on tasks involving texts (and therefore environmental) cost of training a whose genre and style are more divergent from state-of-the-art language model can be reduced, but those of Wikipedia, such as tagging and parsing it also means that CamemBERT-like models can on the Spoken treebank. The performance gap is be trained for all languages for which a Common- also very large on the XNLI task, probably as a Crawl-based corpus of 4GB or more can be created. consequence of the larger diversity of Common- OSCAR is available in 166 languages, and pro- Crawl-based corpora in terms of genres and topics. vides such a corpus for 38 languages. Moreover, it XNLI is indeed based on multiNLI which covers a is possible that slightly smaller corpora (e.g. down range of genres of spoken and written text. to 1GB) could also prove sufficient to train high- The downstream task performances of the mod- performing language models. We obtained our re- els trained on the 4GB version of CCNet and OS- sults with BASE architectures. Further research is CAR are much more similar.16 needed to confirm the validity of our findings on larger architectures and other more complex natural 16 17 We provide the results of a model trained on the whole The OSCAR-4GB model gets slightly better XNLI accu- CCNet corpus in the Appendix. The conclusions are similar racy than the full OSCAR-138GB model (81.88 vs. 81.55). when comparing models trained on the full corpora: down- This might be due to the random seed used for pretraining, as stream results are similar when using OSCAR or CCNet. each model is pretrained only once.
language understanding tasks. However, even with guages other than English. Using French as an a BASE architecture and 4GB of training data, the example, we trained CamemBERT, a language validation loss is still decreasing beyond 100k steps model based on RoBERTa. We evaluated Camem- (and 400 epochs). This suggests that we are still BERT on four downstream tasks (part-of-speech under-fitting the 4GB pretraining dataset, training tagging, dependency parsing, named entity recog- longer might increase downstream performance. nition and natural language inference) in which our best model reached or improved the state of the 7 Discussion art in all tasks considered, even when compared to Since the pre-publication of this work (Martin et al., strong multilingual models such as mBERT, XLM 2019), many monolingual language models have and XLM-R, while also having fewer parameters. appeared, e.g. (Le et al., 2019; Virtanen et al., 2019; Our experiments demonstrate that using web Delobelle et al., 2020), for as much as 30 languages crawled data with high variability is preferable (Nozza et al., 2020). In almost all tested config- to using Wikipedia-based data. In addition we urations they displayed better results than multi- showed that our models could reach surprisingly lingual language models such as mBERT (Pires high performances with as low as 4GB of pretrain- et al., 2019). Interestingly, Le et al. (2019) showed ing data, questioning thus the need for large scale that using their FlauBert, a RoBERTa-based lan- pretraining corpora. This shows that state-of-the-art guage model for French, which was trained on less Transformer-based language models can be trained but more edited data, in conjunction to Camem- on languages with far fewer resources than En- BERT in an ensemble system could improve the glish, whenever a few gigabytes of data are avail- performance of a parsing model and establish a new able. This paves the way for the rise of monolin- state-of-the-art in constituency parsing of French, gual contextual pre-trained language-models for highlighting thus the complementarity of both mod- under-resourced languages. The question of know- els.18 As it was the case for English when BERT ing whether pretraining on small domain specific was first released, the availability of similar scale content will be a better option than transfer learn- language models for French enabled interesting ing techniques such as fine-tuning remains open applications, such as large scale anonymization and we leave it for future work. of legal texts, where CamemBERT-based mod- Pretrained on pure open-source corpora, Camem- els established a new state-of-the-art on this task BERT is freely available and distributed with the (Benesty, 2019), or the first large question answer- MIT license via popular NLP libraries (fairseq ing experiments on a French Squad data set that and huggingface) as well as on our website was released very recently (d’Hoffschmidt et al., camembert-model.fr. 2020) where the authors matched human perfor- mance using CamemBERTLARGE . Being the first Acknowledgments pre-trained language model that used the open- source Common Crawl Oscar corpus and given We want to thank Clémentine Fourrier for her proof- its impact on the community, CamemBERT paved reading and insightful comments, and Alix Chagué the way for many works on monolingual language for her great logo. This work was partly funded by models that followed. Furthermore, the availability three French National funded projects granted to of all its training data favors reproducibility and Inria and other partners by the Agence Nationale de is a step towards better understanding such mod- la Recherche, namely projects PARSITI (ANR-16- els. In that spirit, we make the models used in our CE33-0021), SoSweet (ANR-15-CE38-0011) and experiments available via our website and via the BASNUM (ANR-18-CE38-0003), as well as by the huggingface and fairseq APIs, in addition last author’s chair in the PRAIRIE institute funded to the base CamemBERT model. by the French national agency ANR as part of the “Investissements d’avenir” programme under the 8 Conclusion reference ANR-19-P3IA-0001. In this work, we investigated the feasibility of train- ing a Transformer-based language model for lan- 18 We refer the reader to (Le et al., 2019) for a comprehen- sive benchmark and details therein.
References tion pour l’adaptation d’analyseur par pont lex- ical (the sequoia corpus : Syntactic annotation Anne Abeillé, Lionel Clément, and François Tou- and use for a parser lexical domain adaptation ssenel. 2003. Building a Treebank for French, method) [in french]. In Proceedings of the Joint pages 165–187. Kluwer, Dordrecht. Conference JEP-TALN-RECITAL 2012, volume Alan Akbik, Duncan Blythe, and Roland Vollgraf. 2: TALN, Grenoble, France, June 4-8, 2012, 2018. Contextual string embeddings for se- pages 321–334. quence labeling. In Proceedings of the 27th Branden Chan, Timo Möller, Malte Pietsch, Tanay International Conference on Computational Lin- Soni, and Chin Man Yeung. 2019. German bert. guistics, COLING 2018, Santa Fe, New Mexico, https://deepset.ai/german-bert. USA, August 20-26, 2018, pages 1638–1649. As- sociation for Computational Linguistics. Alexis Conneau, Kartikay Khandelwal, Naman Goyal, Vishrav Chaudhary, Guillaume Wenzek, Rie Kubota Ando and Tong Zhang. 2005. A frame- Francisco Guzmán, Edouard Grave, Myle Ott, work for learning predictive structures from mul- Luke Zettlemoyer, and Veselin Stoyanov. 2019. tiple tasks and unlabeled data. J. Mach. Learn. Unsupervised cross-lingual representation learn- Res., 6:1817–1853. ing at scale. ArXiv preprint : 1911.02116. Rachel Bawden, Marie-Amélie Botalla, Kim Alexis Conneau, Ruty Rinott, Guillaume Lample, Gerdes, and Sylvain Kahane. 2014. Correct- Adina Williams, Samuel R. Bowman, Holger ing and validating syntactic dependency in the Schwenk, and Veselin Stoyanov. 2018. XNLI: spoken French treebank rhapsodie. In Proceed- evaluating cross-lingual sentence representa- ings of the Ninth International Conference on tions. In Proceedings of the 2018 Conference Language Resources and Evaluation (LREC’14), on Empirical Methods in Natural Language Pro- pages 2320–2325, Reykjavik, Iceland. European cessing, Brussels, Belgium, October 31 - Novem- Language Resources Association (ELRA). ber 4, 2018, pages 2475–2485. Association for Michaël Benesty. 2019. Ner algo benchmark: spacy, Computational Linguistics. flair, m-bert and camembert on anonymizing Andrew M. Dai and Quoc V. Le. 2015. Semi- french commercial legal cases. supervised sequence learning. In Advances in Peter F. Brown, Vincent J. Della Pietra, Peter V. Neural Information Processing Systems 28: An- de Souza, Jennifer C. Lai, and Robert L. Mercer. nual Conference on Neural Information Process- 1992. Class-based n-gram models of natural ing Systems 2015, December 7-12, 2015, Mon- language. Computational Linguistics, 18(4):467– treal, Quebec, Canada, pages 3079–3087. 479. Pieter Delobelle, Thomas Winters, and Bettina Marie Candito and Benoit Crabbé. 2009. Im- Berendt. 2020. RobBERT: a Dutch RoBERTa- proving generative statistical parsing with semi- based Language Model. ArXiv preprint supervised word clustering. In Proc. of IWPT’09, 2001.06286. Paris, France. Jacob Devlin, Ming-Wei Chang, Kenton Lee, and Marie Candito, Guy Perrier, Bruno Guillaume, Kristina Toutanova. 2018. Multilingual bert. Corentin Ribeyre, Karën Fort, Djamé Seddah, https://github.com/google-research/ and Éric Villemonte de la Clergerie. 2014. Deep bert/blob/master/multilingual.md. syntax annotation of the sequoia french tree- bank. In Proceedings of the Ninth International Jacob Devlin, Ming-Wei Chang, Kenton Lee, and Conference on Language Resources and Evalua- Kristina Toutanova. 2019. BERT: pre-training tion, LREC 2014, Reykjavik, Iceland, May 26-31, of deep bidirectional transformers for language 2014., pages 2298–2305. European Language understanding. In Proceedings of the 2019 Con- Resources Association (ELRA). ference of the North American Chapter of the Association for Computational Linguistics: Hu- Marie Candito and Djamé Seddah. 2012. Le cor- man Language Technologies, NAACL-HLT 2019, pus sequoia : annotation syntaxique et exploita- Minneapolis, MN, USA, June 2-7, 2019, Volume
1 (Long and Short Papers), pages 4171–4186. Diederik P Kingma and Jimmy Ba. 2014. Adam: Association for Computational Linguistics. A method for stochastic optimization. ArXiv preprint 1412.6980. Martin d’Hoffschmidt, Maxime Vidal, Wacim Bel- blidia, and Tom Brendlé. 2020. Fquad: French Daniel Kondratyuk. 2019. 75 languages, 1 question answering dataset. arXiv preprint model: Parsing universal dependencies univer- arXiv:2002.06071. sally. CoRR, abs/1904.02099. Timothy Dozat and Christopher D. Manning. 2017. Anna Korhonen, David R. Traum, and Lluís Deep biaffine attention for neural dependency Màrquez, editors. 2019. Proceedings of the 57th parsing. In 5th International Conference on Conference of the Association for Computational Learning Representations, ICLR 2017, Toulon, Linguistics, ACL 2019, Florence, Italy, July 28- France, April 24-26, 2017, Conference Track August 2, 2019, Volume 1: Long Papers. Associ- Proceedings. OpenReview.net. ation for Computational Linguistics. Yoann Dupont. 2017. Exploration de traits pour la reconnaissance d’entit’es nomm’ees du Taku Kudo. 2018. Subword regularization: Im- français par apprentissage automatique. In 24e proving neural network translation models with Conf’erence sur le Traitement Automatique des multiple subword candidates. In Proceedings Langues Naturelles (TALN), page 42. of the 56th Annual Meeting of the Association for Computational Linguistics, ACL 2018, Mel- Edouard Grave, Piotr Bojanowski, Prakhar Gupta, bourne, Australia, July 15-20, 2018, Volume 1: Armand Joulin, and Tomas Mikolov. 2018. Long Papers, pages 66–75. Association for Com- Learning word vectors for 157 languages. In putational Linguistics. Proceedings of the Eleventh International Con- ference on Language Resources and Evalua- Taku Kudo and John Richardson. 2018. Sentence- tion, LREC 2018, Miyazaki, Japan, May 7-12, piece: A simple and language independent sub- 2018. European Language Resources Associa- word tokenizer and detokenizer for neural text tion (ELRA). processing. In Proceedings of the 2018 Confer- ence on Empirical Methods in Natural Language Edouard Grave, Tomas Mikolov, Armand Joulin, Processing, EMNLP 2018: System Demonstra- and Piotr Bojanowski. 2017. Bag of tricks for tions, Brussels, Belgium, October 31 - November efficient text classification. In Proceedings of 4, 2018, pages 66–71. Association for Computa- the 15th Conference of the European Chapter of tional Linguistics. the Association for Computational Linguistics, EACL 2017, Valencia, Spain, April 3-7, 2017, Anne Lacheret, Sylvain Kahane, Julie Beliao, Anne Volume 2: Short Papers, pages 427–431. Associ- Dister, Kim Gerdes, Jean-Philippe Goldman, ation for Computational Linguistics. Nicolas Obin, Paola Pietrandrea, and Atanas Tchobanov. 2014. Rhapsodie: a prosodic- Ganesh Jawahar, Benoît Sagot, and Djamé Seddah. syntactic treebank for spoken French. In 2019. What does BERT learn about the structure Proceedings of the Ninth International Con- of language? In (Korhonen et al., 2019), pages ference on Language Resources and Evalua- 3651–3657. tion (LREC’14), pages 295–301, Reykjavik, Ice- Mandar Joshi, Danqi Chen, Yinhan Liu, Daniel S. land. European Language Resources Association Weld, Luke Zettlemoyer, and Omer Levy. (ELRA). 2019. Spanbert: Improving pre-training by representing and predicting spans. CoRR, John D. Lafferty, Andrew McCallum, and Fernando abs/1907.10529. C. N. Pereira. 2001. Conditional random fields: Probabilistic models for segmenting and labeling Armand Joulin, Edouard Grave, Piotr Bojanowski, sequence data. In Proceedings of the Eighteenth Matthijs Douze, Hervé Jégou, and Tomas International Conference on Machine Learning Mikolov. 2016. Fasttext.zip: Compressing (ICML 2001), Williams College, Williamstown, text classification models. ArXiv preprint MA, USA, June 28 - July 1, 2001, pages 282–289. 1612.03651. Morgan Kaufmann.
Guillaume Lample, Miguel Ballesteros, Sandeep vances in pre-training distributed word represen- Subramanian, Kazuya Kawakami, and Chris tations. In Proceedings of the Eleventh Interna- Dyer. 2016. Neural architectures for named en- tional Conference on Language Resources and tity recognition. In NAACL HLT 2016, The 2016 Evaluation, LREC 2018, Miyazaki, Japan, May Conference of the North American Chapter of 7-12, 2018. the Association for Computational Linguistics: Human Language Technologies, San Diego Cali- Tomas Mikolov, Ilya Sutskever, Kai Chen, Gre- fornia, USA, June 12-17, 2016, pages 260–270. gory S. Corrado, and Jeffrey Dean. 2013. Dis- The Association for Computational Linguistics. tributed representations of words and phrases and their compositionality. In Advances in Neu- Guillaume Lample and Alexis Conneau. 2019. ral Information Processing Systems 26: 27th Cross-lingual language model pretraining. Annual Conference on Neural Information Pro- CoRR, abs/1901.07291. cessing Systems 2013. Proceedings of a meeting held December 5-8, 2013, Lake Tahoe, Nevada, Zhenzhong Lan, Mingda Chen, Sebastian Good- United States., pages 3111–3119. man, Kevin Gimpel, Piyush Sharma, and Radu Soricut. 2019. ALBERT: A lite BERT for self- Joakim Nivre, Mitchell Abrams, Željko Agić, supervised learning of language representations. Lars Ahrenberg, Lene Antonsen, Maria Je- ArXiv preprint 1909.11942. sus Aranzabe, Gashaw Arutie, Masayuki Asa- Hang Le, Loïc Vial, Jibril Frej, Vincent Segonne, hara, Luma Ateyah, Mohammed Attia, Aitziber Maximin Coavoux, Benjamin Lecouteux, Atutxa, Liesbeth Augustinus, Elena Badmaeva, Alexandre Allauzen, Benoît Crabbé, Laurent Miguel Ballesteros, Esha Banerjee, Sebastian Besacier, and Didier Schwab. 2019. Flaubert: Bank, Verginica Barbu Mititelu, John Bauer, Unsupervised language model pre-training for Sandra Bellato, Kepa Bengoetxea, Riyaz Ah- french. ArXiv : 1912.05372. mad Bhat, Erica Biagetti, Eckhard Bick, Ro- gier Blokland, Victoria Bobicev, Carl Börstell, Yinhan Liu, Myle Ott, Naman Goyal, Jingfei Du, Cristina Bosco, Gosse Bouma, Sam Bowman, Mandar Joshi, Danqi Chen, Omer Levy, Mike Adriane Boyd, Aljoscha Burchardt, Marie Can- Lewis, Luke Zettlemoyer, and Veselin Stoyanov. dito, Bernard Caron, Gauthier Caron, Gülşen Ce- 2019. Roberta: A robustly optimized BERT pre- biroğlu Eryiğit, Giuseppe G. A. Celano, Savas training approach. ArXiv preprint 1907.11692. Cetin, Fabricio Chalub, Jinho Choi, Yongseok Cho, Jayeol Chun, Silvie Cinková, Aurélie Col- Louis Martin, Benjamin Muller, Pedro Javier Ortiz lomb, Çağrı Çöltekin, Miriam Connor, Marine Suárez, Yoann Dupont, Laurent Romary, Éric Courtin, Elizabeth Davidson, Marie-Catherine Villemonte de la Clergerie, Djamé Seddah, and de Marneffe, Valeria de Paiva, Arantza Diaz de Benoît Sagot. 2019. CamemBERT: a Tasty Ilarraza, Carly Dickerson, Peter Dirix, Kaja French Language Model. arXiv e-prints. ArXiv Dobrovoljc, Timothy Dozat, Kira Droganova, preprint : 1911.03894. Puneet Dwivedi, Marhaba Eli, Ali Elkahky, Ryan McDonald, Joakim Nivre, Yvonne Binyam Ephrem, Tomaž Erjavec, Aline Eti- Quirmbach-Brundage, Yoav Goldberg, Dipanjan enne, Richárd Farkas, Hector Fernandez Al- Das, Kuzman Ganchev, Keith Hall, Slav Petrov, calde, Jennifer Foster, Cláudia Freitas, Katarína Hao Zhang, Oscar Täckström, Claudia Bedini, Gajdošová, Daniel Galbraith, Marcos Garcia, Núria Bertomeu Castelló, and Jungmee Lee. Moa Gärdenfors, Kim Gerdes, Filip Ginter, 2013. Universal dependency annotation for Iakes Goenaga, Koldo Gojenola, Memduh Gökır- multilingual parsing. In Proceedings of the 51st mak, Yoav Goldberg, Xavier Gómez Guino- Annual Meeting of the Association for Compu- vart, Berta Gonzáles Saavedra, Matias Gri- tational Linguistics (Volume 2: Short Papers), oni, Normunds Grūzı̄tis, Bruno Guillaume, pages 92–97, Sofia, Bulgaria. Association for Céline Guillot-Barbance, Nizar Habash, Jan Computational Linguistics. Hajič, Jan Hajič jr., Linh Hà Mỹ, Na-Rae Han, Kim Harris, Dag Haug, Barbora Hladká, Tomas Mikolov, Edouard Grave, Piotr Bojanowski, Jaroslava Hlaváčová, Florinel Hociung, Petter Christian Puhrsch, and Armand Joulin. 2018. Ad- Hohle, Jena Hwang, Radu Ion, Elena Irimia,
You can also read