transformers/README.md

555 lines
35 KiB
Markdown
Raw Normal View History

2018-11-17 15:42:45 +08:00
# PyTorch Pretrained Bert
2018-11-02 14:51:07 +08:00
2018-11-05 22:35:44 +08:00
This repository contains an op-for-op PyTorch reimplementation of [Google's TensorFlow repository for the BERT model](https://github.com/google-research/bert) that was released together with the paper [BERT: Pre-training of Deep Bidirectional Transformers for Language Understanding](https://arxiv.org/abs/1810.04805) by Jacob Devlin, Ming-Wei Chang, Kenton Lee and Kristina Toutanova.
2018-11-02 14:51:07 +08:00
2018-11-17 19:36:35 +08:00
This implementation is provided with [Google's pre-trained models](https://github.com/google-research/bert), examples, notebooks and a command-line interface to load any pre-trained TensorFlow checkpoint for BERT is also provided.
2018-11-17 15:42:45 +08:00
## Content
2018-11-17 15:42:45 +08:00
| Section | Description |
2018-11-16 21:31:15 +08:00
|-|-|
2018-11-17 15:46:17 +08:00
| [Installation](#installation) | How to install the package |
| [Overview](#overview) | Overview of the package |
| [Usage](#usage) | Quickstart examples |
| [Doc](#doc) | Detailed documentation |
| [Examples](#examples) | Detailed examples on how to fine-tune Bert |
| [Notebooks](#notebooks) | Introduction on the provided Jupyter Notebooks |
2018-12-01 06:01:10 +08:00
| [TPU](#tpu) | Notes on TPU support and pretraining scripts |
2018-11-17 15:46:17 +08:00
| [Command-line interface](#Command-line-interface) | Convert a TensorFlow checkpoint in a PyTorch dump |
2018-11-16 21:31:15 +08:00
2018-11-17 15:42:45 +08:00
## Installation
2018-11-03 21:18:44 +08:00
2018-11-16 21:31:15 +08:00
This repo was tested on Python 3.5+ and PyTorch 0.4.1
2018-11-02 14:51:07 +08:00
2018-11-17 15:42:45 +08:00
### With pip
2018-11-05 22:35:44 +08:00
2018-11-16 21:31:15 +08:00
PyTorch pretrained bert can be installed by pip as follows:
```bash
2018-11-20 01:50:34 +08:00
pip install pytorch-pretrained-bert
2018-11-16 21:31:15 +08:00
```
2018-11-02 14:51:07 +08:00
2018-11-17 15:42:45 +08:00
### From source
2018-11-16 21:31:15 +08:00
Clone the repository and run:
```bash
pip install [--editable] .
```
2018-11-02 14:51:07 +08:00
2018-11-16 03:56:10 +08:00
A series of tests is included in the [tests folder](https://github.com/huggingface/pytorch-pretrained-BERT/tree/master/tests) and can be run using `pytest` (install pytest if needed: `pip install pytest`).
2018-11-02 14:51:07 +08:00
2018-11-16 03:56:10 +08:00
You can run the tests with the command:
```bash
python -m pytest -sv tests/
2018-11-02 14:51:07 +08:00
```
2018-11-17 15:42:45 +08:00
## Overview
2018-11-16 21:31:15 +08:00
2018-11-17 15:46:17 +08:00
This package comprises the following classes that can be imported in Python and are detailed in the [Doc](#doc) section of this readme:
2018-11-16 21:31:15 +08:00
2018-12-01 06:05:18 +08:00
- Seven PyTorch models (`torch.nn.Module`) for Bert with pre-trained weights (in the [`modeling.py`](./pytorch_pretrained_bert/modeling.py) file):
- [`BertModel`](./pytorch_pretrained_bert/modeling.py#L537) - raw BERT Transformer model (**fully pre-trained**),
- [`BertForMaskedLM`](./pytorch_pretrained_bert/modeling.py#L691) - BERT Transformer with the pre-trained masked language modeling head on top (**fully pre-trained**),
- [`BertForNextSentencePrediction`](./pytorch_pretrained_bert/modeling.py#L752) - BERT Transformer with the pre-trained next sentence prediction classifier on top (**fully pre-trained**),
- [`BertForPreTraining`](./pytorch_pretrained_bert/modeling.py#L620) - BERT Transformer with masked language modeling head and next sentence prediction classifier on top (**fully pre-trained**),
- [`BertForSequenceClassification`](./pytorch_pretrained_bert/modeling.py#L814) - BERT Transformer with a sequence classification head on top (BERT Transformer is **pre-trained**, the sequence classification head **is only initialized and has to be trained**),
- [`BertForMultipleChoice`](./pytorch_pretrained_bert/modeling.py#L880) - BERT Transformer with a multiple choice head on top (used for task like Swag) (BERT Transformer is **pre-trained**, the sequence classification head **is only initialized and has to be trained**),
- [`BertForTokenClassification`](./pytorch_pretrained_bert/modeling.py#L949) - BERT Transformer with a token classification head on top (BERT Transformer is **pre-trained**, the token classification head **is only initialized and has to be trained**),
- [`BertForQuestionAnswering`](./pytorch_pretrained_bert/modeling.py#L1015) - BERT Transformer with a token classification head on top (BERT Transformer is **pre-trained**, the token classification head **is only initialized and has to be trained**).
2018-11-18 05:54:15 +08:00
- Three tokenizers (in the [`tokenization.py`](./pytorch_pretrained_bert/tokenization.py) file):
2018-11-16 21:31:15 +08:00
- `BasicTokenizer` - basic tokenization (punctuation splitting, lower casing, etc.),
- `WordpieceTokenizer` - WordPiece tokenization,
- `BertTokenizer` - perform end-to-end tokenization, i.e. basic tokenization followed by WordPiece tokenization.
2018-11-18 05:54:15 +08:00
- One optimizer (in the [`optimization.py`](./pytorch_pretrained_bert/optimization.py) file):
2018-11-17 18:58:14 +08:00
- `BertAdam` - Bert version of Adam algorithm with weight decay fix, warmup and linear decay of the learning rate.
2018-11-16 21:31:15 +08:00
2018-11-18 05:54:15 +08:00
- A configuration class (in the [`modeling.py`](./pytorch_pretrained_bert/modeling.py) file):
2018-11-16 21:31:15 +08:00
- `BertConfig` - Configuration class to store the configuration of a `BertModel` with utilisities to read and write from JSON configuration files.
The repository further comprises:
- Three examples on how to use Bert (in the [`examples` folder](./examples)):
- [`extract_features.py`](./examples/extract_features.py) - Show how to extract hidden states from an instance of `BertModel`,
- [`run_classifier.py`](./examples/run_classifier.py) - Show how to fine-tune an instance of `BertForSequenceClassification` on GLUE's MRPC task,
- [`run_squad.py`](./examples/run_squad.py) - Show how to fine-tune an instance of `BertForQuestionAnswering` on SQuAD v1.0 task.
- [`run_swag.py`](./examples/run_swag.py) - Show how to fine-tune an instance of `BertForMultipleChoice` on Swag task.
2018-11-16 21:31:15 +08:00
2018-11-17 15:46:17 +08:00
These examples are detailed in the [Examples](#examples) section of this readme.
2018-11-16 21:31:15 +08:00
- Three notebooks that were used to check that the TensorFlow and PyTorch models behave identically (in the [`notebooks` folder](./notebooks)):
- [`Comparing-TF-and-PT-models.ipynb`](./notebooks/Comparing-TF-and-PT-models.ipynb) - Compare the hidden states predicted by `BertModel`,
- [`Comparing-TF-and-PT-models-SQuAD.ipynb`](./notebooks/Comparing-TF-and-PT-models-SQuAD.ipynb) - Compare the spans predicted by `BertForQuestionAnswering` instances,
- [`Comparing-TF-and-PT-models-MLM-NSP.ipynb`](./notebooks/Comparing-TF-and-PT-models-MLM-NSP.ipynb) - Compare the predictions of the `BertForPretraining` instances.
2018-11-17 15:46:17 +08:00
These notebooks are detailed in the [Notebooks](#notebooks) section of this readme.
2018-11-16 21:31:15 +08:00
- A command-line interface to convert any TensorFlow checkpoint in a PyTorch dump:
2018-11-17 15:46:17 +08:00
This CLI is detailed in the [Command-line interface](#Command-line-interface) section of this readme.
2018-11-17 15:42:45 +08:00
## Usage
2018-11-16 21:31:15 +08:00
2018-11-17 15:46:17 +08:00
Here is a quick-start example using `BertTokenizer`, `BertModel` and `BertForMaskedLM` class with Google AI's pre-trained `Bert base uncased` model. See the [doc section](#doc) below for all the details on these classes.
2018-11-16 21:31:15 +08:00
2018-11-17 15:42:45 +08:00
First let's prepare a tokenized input with `BertTokenizer`
2018-11-16 21:31:15 +08:00
```python
import torch
2018-11-17 15:42:45 +08:00
from pytorch_pretrained_bert import BertTokenizer, BertModel, BertForMaskedLM
2018-11-16 21:31:15 +08:00
2018-11-17 15:42:45 +08:00
# Load pre-trained model tokenizer (vocabulary)
2018-11-16 21:31:15 +08:00
tokenizer = BertTokenizer.from_pretrained('bert-base-uncased')
2018-11-17 15:42:45 +08:00
# Tokenized input
2018-11-20 12:13:10 +08:00
text = "Who was Jim Henson ? Jim Henson was a puppeteer"
2018-11-16 21:31:15 +08:00
tokenized_text = tokenizer.tokenize(text)
2018-11-17 15:42:45 +08:00
# Mask a token that we will try to predict back with `BertForMaskedLM`
2018-11-16 21:31:15 +08:00
masked_index = 6
tokenized_text[masked_index] = '[MASK]'
assert tokenized_text == ['who', 'was', 'jim', 'henson', '?', 'jim', '[MASK]', 'was', 'a', 'puppet', '##eer']
# Convert token to vocabulary indices
indexed_tokens = tokenizer.convert_tokens_to_ids(tokenized_text)
2018-11-17 15:42:45 +08:00
# Define sentence A and B indices associated to 1st and 2nd sentences (see paper)
2018-11-16 21:31:15 +08:00
segments_ids = [0, 0, 0, 0, 0, 1, 1, 1, 1, 1, 1]
2018-11-17 15:42:45 +08:00
# Convert inputs to PyTorch tensors
2018-11-16 21:31:15 +08:00
tokens_tensor = torch.tensor([indexed_tokens])
segments_tensors = torch.tensor([segments_ids])
2018-11-17 15:42:45 +08:00
```
Let's see how to use `BertModel` to get hidden states
```python
# Load pre-trained model (weights)
model = BertModel.from_pretrained('bert-base-uncased')
2018-11-16 21:31:15 +08:00
model.eval()
2018-11-17 15:42:45 +08:00
# Predict hidden states features for each layer
encoded_layers, _ = model(tokens_tensor, segments_tensors)
# We have a hidden states for each of the 12 layers in model bert-base-uncased
assert len(encoded_layers) == 12
```
And how to use `BertForMaskedLM`
```python
# Load pre-trained model (weights)
model = BertForMaskedLM.from_pretrained('bert-base-uncased')
model.eval()
# Predict all tokens
2018-11-16 21:31:15 +08:00
predictions = model(tokens_tensor, segments_tensors)
2018-11-17 15:42:45 +08:00
# confirm we were able to predict 'henson'
2018-11-16 21:31:15 +08:00
predicted_index = torch.argmax(predictions[0, masked_index]).item()
predicted_token = tokenizer.convert_ids_to_tokens([predicted_index])[0]
2018-11-16 21:31:15 +08:00
assert predicted_token == 'henson'
```
2018-11-17 15:42:45 +08:00
## Doc
2018-11-16 21:31:15 +08:00
2018-11-17 15:55:56 +08:00
Here is a detailed documentation of the classes in the package and how to use them:
| Sub-section | Description |
|-|-|
2018-11-17 15:59:29 +08:00
| [Loading Google AI's pre-trained weigths](#Loading-Google-AIs-pre-trained-weigths-and-PyTorch-dump) | How to load Google AI's pre-trained weight or a PyTorch saved instance |
2018-11-30 20:56:53 +08:00
| [PyTorch models](#PyTorch-models) | API of the seven PyTorch model classes: `BertModel`, `BertForMaskedLM`, `BertForNextSentencePrediction`, `BertForPreTraining`, `BertForSequenceClassification` or `BertForQuestionAnswering` |
2018-11-17 15:59:29 +08:00
| [Tokenizer: `BertTokenizer`](#Tokenizer-BertTokenizer) | API of the `BertTokenizer` class|
2018-11-17 18:58:14 +08:00
| [Optimizer: `BertAdam`](#Optimizer-BertAdam) | API of the `BertAdam` class |
2018-11-16 21:31:15 +08:00
2018-11-17 15:42:45 +08:00
### Loading Google AI's pre-trained weigths and PyTorch dump
2018-11-16 21:31:15 +08:00
2018-11-18 06:25:23 +08:00
To load one of Google AI's pre-trained models or a PyTorch saved model (an instance of `BertForPreTraining` saved with `torch.save()`), the PyTorch model classes and the tokenizer can be instantiated as
2018-11-16 21:31:15 +08:00
```python
model = BERT_CLASS.from_pretrain(PRE_TRAINED_MODEL_NAME_OR_PATH, cache_dir=None)
2018-11-16 21:31:15 +08:00
```
where
2018-12-01 06:05:18 +08:00
- `BERT_CLASS` is either the `BertTokenizer` class (to load the vocabulary) or one of the seven PyTorch model classes (to load the pre-trained weights): `BertModel`, `BertForMaskedLM`, `BertForNextSentencePrediction`, `BertForPreTraining`, `BertForSequenceClassification`, `BertForTokenClassification` or `BertForQuestionAnswering`, and
2018-11-20 03:58:48 +08:00
- `PRE_TRAINED_MODEL_NAME_OR_PATH` is either:
2018-11-04 06:52:35 +08:00
2018-11-16 21:31:15 +08:00
- the shortcut name of a Google AI's pre-trained model selected in the list:
2018-11-05 22:35:44 +08:00
2018-11-16 21:31:15 +08:00
- `bert-base-uncased`: 12-layer, 768-hidden, 12-heads, 110M parameters
- `bert-large-uncased`: 24-layer, 1024-hidden, 16-heads, 340M parameters
- `bert-base-cased`: 12-layer, 768-hidden, 12-heads , 110M parameters
2018-11-30 20:56:02 +08:00
- `bert-large-cased`: 24-layer, 1024-hidden, 16-heads, 340M parameters
- `bert-base-multilingual-uncased`: (Orig, not recommended) 102 languages, 12-layer, 768-hidden, 12-heads, 110M parameters
2018-12-01 06:05:18 +08:00
- `bert-base-multilingual-cased`: **(New, recommended)** 104 languages, 12-layer, 768-hidden, 12-heads, 110M parameters
2018-11-16 21:31:15 +08:00
- `bert-base-chinese`: Chinese Simplified and Traditional, 12-layer, 768-hidden, 12-heads, 110M parameters
2018-11-04 06:52:35 +08:00
2018-11-16 21:31:15 +08:00
- a path or url to a pretrained model archive containing:
2018-12-01 06:05:18 +08:00
- `bert_config.json` a configuration file for the model, and
- `pytorch_model.bin` a PyTorch dump of a pre-trained instance `BertForPreTraining` (saved with the usual `torch.save()`)
2018-11-16 21:31:15 +08:00
If `PRE_TRAINED_MODEL_NAME_OR_PATH` is a shortcut name, the pre-trained weights will be downloaded from AWS S3 (see the links [here](pytorch_pretrained_bert/modeling.py)) and stored in a cache folder to avoid future download (the cache folder can be found at `~/.pytorch_pretrained_bert/`).
- `cache_dir` can be an optional path to a specific directory to download and cache the pre-trained model weights. This option is useful in particular when you are using distributed training: to avoid concurrent access to the same weights you can set for example `cache_dir='./pretrained_model_{}'.format(args.local_rank)` (see the section on distributed training for more information)
2018-11-16 21:31:15 +08:00
2018-11-30 20:56:53 +08:00
`Uncased` means that the text has been lowercased before WordPiece tokenization, e.g., `John Smith` becomes `john smith`. The Uncased model also strips out any accent markers. `Cased` means that the true case and accent markers are preserved. Typically, the Uncased model is better unless you know that case information is important for your task (e.g., Named Entity Recognition or Part-of-Speech tagging). For information about the Multilingual and Chinese model, see the [Multilingual README](https://github.com/google-research/bert/blob/master/multilingual.md) or the original TensorFlow repository.
**When using an `uncased model`, make sure to pass `--do_lower_case` to the training scripts. (Or pass `do_lower_case=True` directly to FullTokenizer if you're using your own script.)**
2018-11-16 21:31:15 +08:00
Example:
```python
model = BertForSequenceClassification.from_pretrained('bert-base-uncased')
```
2018-11-17 15:42:45 +08:00
### PyTorch models
2018-11-04 06:52:35 +08:00
2018-11-17 15:42:45 +08:00
#### 1. `BertModel`
2018-11-05 04:26:03 +08:00
2018-11-05 22:35:44 +08:00
`BertModel` is the basic BERT Transformer model with a layer of summed token, position and sequence embeddings followed by a series of identical self-attention blocks (12 for BERT-base, 24 for BERT-large).
The inputs and output are **identical to the TensorFlow model inputs and outputs**.
2018-11-16 21:31:15 +08:00
We detail them here. This model takes as *inputs*:
2018-12-04 20:40:38 +08:00
[`modeling.py`](./pytorch_pretrained_bert/modeling.py)
2018-12-04 20:43:56 +08:00
- `input_ids`: a torch.LongTensor of shape [batch_size, sequence_length] with the word token indices in the vocabulary (see the tokens preprocessing logic in the scripts [`extract_features.py`](./examples/extract_features.py), [`run_classifier.py`](./examples/run_classifier.py) and [`run_squad.py`](./examples/run_squad.py)), and
2018-11-06 04:04:06 +08:00
- `token_type_ids`: an optional torch.LongTensor of shape [batch_size, sequence_length] with the token types indices selected in [0, 1]. Type 0 corresponds to a `sentence A` and type 1 corresponds to a `sentence B` token (see BERT paper for more details).
2018-11-20 03:58:48 +08:00
- `attention_mask`: an optional torch.LongTensor of shape [batch_size, sequence_length] with indices selected in [0, 1]. It's a mask to be used if some input sequence lengths are smaller than the max input sequence length of the current batch. It's the mask that we typically use for attention when a batch has varying length sentences.
2018-11-16 03:56:10 +08:00
- `output_all_encoded_layers`: boolean which controls the content of the `encoded_layers` output as described below. Default: `True`.
2018-11-05 04:26:03 +08:00
2018-11-16 21:31:15 +08:00
This model *outputs* a tuple composed of:
2018-11-05 22:35:44 +08:00
2018-11-16 03:56:10 +08:00
- `encoded_layers`: controled by the value of the `output_encoded_layers` argument:
2018-11-20 03:58:48 +08:00
- `output_all_encoded_layers=True`: outputs a list of the encoded-hidden-states at the end of each attention block (i.e. 12 full sequences for BERT-base, 24 for BERT-large), each encoded-hidden-state is a torch.FloatTensor of size [batch_size, sequence_length, hidden_size],
- `output_all_encoded_layers=False`: outputs only the encoded-hidden-states corresponding to the last attention block, i.e. a single torch.FloatTensor of size [batch_size, sequence_length, hidden_size],
2018-11-16 03:56:10 +08:00
2018-11-05 22:35:44 +08:00
- `pooled_output`: a torch.FloatTensor of size [batch_size, hidden_size] which is the output of a classifier pretrained on top of the hidden state associated to the first character of the input (`CLF`) to train on the Next-Sentence task (see BERT's paper).
2018-11-05 04:26:03 +08:00
2018-12-04 20:43:56 +08:00
An example on how to use this class is given in the [`extract_features.py`](./examples/extract_features.py) script which can be used to extract the hidden states of the model for a given input.
2018-11-05 04:26:03 +08:00
2018-11-17 15:42:45 +08:00
#### 2. `BertForPreTraining`
2018-11-16 21:31:15 +08:00
`BertForPreTraining` includes the `BertModel` Transformer followed by the two pre-training heads:
- the masked language modeling head, and
- the next sentence classification head.
2018-11-17 15:46:17 +08:00
*Inputs* comprises the inputs of the [`BertModel`](#-1.-`BertModel`) class plus two optional labels:
2018-11-16 21:31:15 +08:00
- `masked_lm_labels`: masked language modeling labels: torch.LongTensor of shape [batch_size, sequence_length] with indices selected in [-1, 0, ..., vocab_size]. All labels set to -1 are ignored (masked), the loss is only computed for the labels set in [0, ..., vocab_size]
- `next_sentence_label`: next sentence classification loss: torch.LongTensor of shape [batch_size] with indices selected in [0, 1]. 0 => next sentence is the continuation, 1 => next sentence is a random sentence.
*Outputs*:
- if `masked_lm_labels` and `next_sentence_label` are not `None`: Outputs the total_loss which is the sum of the masked language modeling loss and the next sentence classification loss.
- if `masked_lm_labels` or `next_sentence_label` is `None`: Outputs a tuple comprising
2018-11-20 03:58:48 +08:00
2018-11-16 21:31:15 +08:00
- the masked language modeling logits, and
- the next sentence classification logits.
2018-11-17 15:42:45 +08:00
#### 3. `BertForMaskedLM`
2018-11-16 21:31:15 +08:00
`BertForMaskedLM` includes the `BertModel` Transformer followed by the (possibly) pre-trained masked language modeling head.
2018-11-17 15:46:17 +08:00
*Inputs* comprises the inputs of the [`BertModel`](#-1.-`BertModel`) class plus optional label:
2018-11-16 21:31:15 +08:00
- `masked_lm_labels`: masked language modeling labels: torch.LongTensor of shape [batch_size, sequence_length] with indices selected in [-1, 0, ..., vocab_size]. All labels set to -1 are ignored (masked), the loss is only computed for the labels set in [0, ..., vocab_size]
*Outputs*:
- if `masked_lm_labels` is not `None`: Outputs the masked language modeling loss.
- if `masked_lm_labels` is `None`: Outputs the masked language modeling logits.
2018-11-17 15:42:45 +08:00
#### 4. `BertForNextSentencePrediction`
2018-11-16 21:31:15 +08:00
`BertForNextSentencePrediction` includes the `BertModel` Transformer followed by the next sentence classification head.
2018-11-17 15:46:17 +08:00
*Inputs* comprises the inputs of the [`BertModel`](#-1.-`BertModel`) class plus an optional label:
2018-11-16 21:31:15 +08:00
- `next_sentence_label`: next sentence classification loss: torch.LongTensor of shape [batch_size] with indices selected in [0, 1]. 0 => next sentence is the continuation, 1 => next sentence is a random sentence.
*Outputs*:
- if `next_sentence_label` is not `None`: Outputs the next sentence classification loss.
- if `next_sentence_label` is `None`: Outputs the next sentence classification logits.
2018-11-17 15:42:45 +08:00
#### 5. `BertForSequenceClassification`
2018-11-05 04:26:03 +08:00
2018-11-06 05:47:24 +08:00
`BertForSequenceClassification` is a fine-tuning model that includes `BertModel` and a sequence-level (sequence or pair of sequences) classifier on top of the `BertModel`.
2018-11-05 04:26:03 +08:00
2018-11-06 04:29:04 +08:00
The sequence-level classifier is a linear layer that takes as input the last hidden state of the first character in the input sequence (see Figures 3a and 3b in the BERT paper).
2018-11-05 04:26:03 +08:00
2018-12-04 20:43:56 +08:00
An example on how to use this class is given in the [`run_classifier.py`](./examples/run_classifier.py) script which can be used to fine-tune a single sequence (or pair of sequence) classifier using BERT, for example for the MRPC task.
2018-11-05 04:26:03 +08:00
#### 6. `BertForMultipleChoice`
`BertForMultipleChoice` is a fine-tuning model that includes `BertModel` and a linear layer on top of the `BertModel`.
The linear layer outputs a single value for each choice of a multiple choice problem, then all the output corresponding to an instance are passed through a softmax to get the model choice.
This implementation is largely inspired by the work of OpenAI in [Improving Language Understanding by Generative Pre-Training](https://blog.openai.com/language-unsupervised/) and the answer of Jacob Devlin in the following [issue](https://github.com/google-research/bert/issues/38).
An example on how to use this class is given in the [`run_swag.py`](./examples/run_swag.py) script which can be used to fine-tune a multiple choice classifier using BERT, for example for the Swag task.
#### 7. `BertForTokenClassification`
2018-11-30 20:56:53 +08:00
`BertForTokenClassification` is a fine-tuning model that includes `BertModel` and a token-level classifier on top of the `BertModel`.
The token-level classifier is a linear layer that takes as input the last hidden state of the sequence.
#### 8. `BertForQuestionAnswering`
2018-11-05 04:26:03 +08:00
2018-11-06 07:34:18 +08:00
`BertForQuestionAnswering` is a fine-tuning model that includes `BertModel` with a token-level classifiers on top of the full sequence of last hidden states.
2018-11-05 04:26:03 +08:00
2018-11-06 04:29:04 +08:00
The token-level classifier takes as input the full sequence of the last hidden state and compute several (e.g. two) scores for each tokens that can for example respectively be the score that a given token is a `start_span` and a `end_span` token (see Figures 3c and 3d in the BERT paper).
2018-11-05 04:26:03 +08:00
2018-12-04 20:43:56 +08:00
An example on how to use this class is given in the [`run_squad.py`](./examples/run_squad.py) script which can be used to fine-tune a token classifier using BERT, for example for the SQuAD task.
2018-11-05 04:26:03 +08:00
2018-11-17 15:42:45 +08:00
### Tokenizer: `BertTokenizer`
2018-11-05 04:26:03 +08:00
2018-11-16 21:31:15 +08:00
`BertTokenizer` perform end-to-end tokenization, i.e. basic tokenization followed by WordPiece tokenization.
2018-11-05 04:26:03 +08:00
2018-11-16 21:31:15 +08:00
This class has two arguments:
2018-11-05 04:26:03 +08:00
2018-11-16 21:31:15 +08:00
- `vocab_file`: path to a vocabulary file.
- `do_lower_case`: convert text to lower-case while tokenizing. **Default = True**.
2018-11-05 04:26:03 +08:00
2018-11-16 21:31:15 +08:00
and three methods:
2018-11-06 05:47:24 +08:00
2018-11-16 21:31:15 +08:00
- `tokenize(text)`: convert a `str` in a list of `str` tokens by (1) performing basic tokenization and (2) WordPiece tokenization.
- `convert_tokens_to_ids(tokens)`: convert a list of `str` tokens in a list of `int` indices in the vocabulary.
- `convert_ids_to_tokens(tokens)`: convert a list of `int` indices in a list of `str` tokens in the vocabulary.
2018-11-16 03:56:10 +08:00
2018-11-17 15:42:45 +08:00
Please refer to the doc strings and code in [`tokenization.py`](./pytorch_pretrained_bert/tokenization.py) for the details of the `BasicTokenizer` and `WordpieceTokenizer` classes. In general it is recommended to use `BertTokenizer` unless you know what you are doing.
2018-11-16 21:31:15 +08:00
2018-11-17 18:58:14 +08:00
### Optimizer: `BertAdam`
2018-11-16 21:31:15 +08:00
2018-11-17 18:58:14 +08:00
`BertAdam` is a `torch.optimizer` adapted to be closer to the optimizer used in the TensorFlow implementation of Bert. The differences with PyTorch Adam optimizer are the following:
2018-11-16 21:31:15 +08:00
2018-11-17 18:58:14 +08:00
- BertAdam implements weight decay fix,
- BertAdam doesn't compensate for bias as in the regular Adam optimizer.
2018-11-16 21:31:15 +08:00
The optimizer accepts the following arguments:
- `lr` : learning rate
2018-11-18 06:25:23 +08:00
- `warmup` : portion of `t_total` for the warmup, `-1` means no warmup. Default : `-1`
2018-11-16 21:31:15 +08:00
- `t_total` : total number of training steps for the learning
2018-11-18 06:25:23 +08:00
rate schedule, `-1` means constant learning rate. Default : `-1`
- `schedule` : schedule to use for the warmup (see above). Default : `'warmup_linear'`
- `b1` : Adams b1. Default : `0.9`
- `b2` : Adams b2. Default : `0.999`
- `e` : Adams epsilon. Default : `1e-6`
- `weight_decay_rate:` Weight decay. Default : `0.01`
- `max_grad_norm` : Maximum norm for the gradients (`-1` means no clipping). Default : `1.0`
2018-11-16 03:56:10 +08:00
2018-11-17 15:42:45 +08:00
## Examples
2018-11-16 21:31:15 +08:00
2018-11-17 15:59:29 +08:00
| Sub-section | Description |
|-|-|
| [Training large models: introduction, tools and examples](#Training-large-models-introduction,-tools-and-examples) | How to use gradient-accumulation, multi-gpu training, distributed training, optimize on CPU and 16-bits training to train Bert models |
| [Fine-tuning with BERT: running the examples](#Fine-tuning-with-BERT-running-the-examples) | Running the examples in [`./examples`](./examples/): `extract_classif.py`, `run_classifier.py` and `run_squad.py` |
| [Fine-tuning BERT-large on GPUs](#Fine-tuning-BERT-large-on-GPUs) | How to fine tune `BERT large`|
2018-11-17 15:42:45 +08:00
### Training large models: introduction, tools and examples
2018-11-05 04:26:03 +08:00
2018-11-06 04:29:04 +08:00
BERT-base and BERT-large are respectively 110M and 340M parameters models and it can be difficult to fine-tune them on a single GPU with the recommended batch size for good performance (in most case a batch size of 32).
2018-11-05 04:26:03 +08:00
2018-12-04 20:43:56 +08:00
To help with fine-tuning these models, we have included five techniques that you can activate in the fine-tuning scripts [`run_classifier.py`](./examples/run_classifier.py) and [`run_squad.py`](./examples/run_squad.py): gradient-accumulation, multi-gpu training, distributed training, optimize on CPU and 16-bits training . For more details on how to use these techniques you can read [the tips on training large batches in PyTorch](https://medium.com/huggingface/training-larger-batches-practical-tips-on-1-gpu-multi-gpu-distributed-setups-ec88c3e51255) that I published earlier this month.
2018-11-05 04:26:03 +08:00
2018-11-05 22:35:44 +08:00
Here is how to use these techniques in our scripts:
2018-11-05 04:26:03 +08:00
2018-11-05 22:35:44 +08:00
- **Gradient Accumulation**: Gradient accumulation can be used by supplying a integer greater than 1 to the `--gradient_accumulation_steps` argument. The batch at each step will be divided by this integer and gradient will be accumulated over `gradient_accumulation_steps` steps.
- **Multi-GPU**: Multi-GPU is automatically activated when several GPUs are detected and the batches are splitted over the GPUs.
2018-11-12 22:24:47 +08:00
- **Distributed training**: Distributed training can be activated by supplying an integer greater or equal to 0 to the `--local_rank` argument (see below).
2018-12-04 20:43:56 +08:00
- **Optimize on CPU**: The Adam optimizer stores 2 moving average of the weights of the model. If you keep them on GPU 1 (typical behavior), your first GPU will have to store 3-times the size of the model. This is not optimal for large models like `BERT-large` and means your batch size is a lot lower than it could be. This option will perform the optimization and store the averages on the CPU/RAM to free more room on the GPU(s). As the most computational intensive operation is usually the backward pass, this doesn't have a significant impact on the training time. Activate this option with `--optimize_on_cpu` on the [`run_squad.py`](./examples/run_squad.py) script.
2018-11-12 22:24:47 +08:00
- **16-bits training**: 16-bits training, also called mixed-precision training, can reduce the memory requirement of your model on the GPU by using half-precision training, basically allowing to double the batch size. If you have a recent GPU (starting from NVIDIA Volta architecture) you should see no decrease in speed. A good introduction to Mixed precision training can be found [here](https://devblogs.nvidia.com/mixed-precision-training-deep-neural-networks/) and a full documentation is [here](https://docs.nvidia.com/deeplearning/sdk/mixed-precision-training/index.html). In our scripts, this option can be activated by setting the `--fp16` flag and you can play with loss scaling using the `--loss_scaling` flag (see the previously linked documentation for details on loss scaling). If the loss scaling is too high (`Nan` in the gradients) it will be automatically scaled down until the value is acceptable. The default loss scaling is 128 which behaved nicely in our tests.
2018-11-05 04:26:03 +08:00
2018-11-12 22:15:02 +08:00
Note: To use *Distributed Training*, you will need to run one training script on each of your machines. This can be done for example by running the following command on each server (see [the above mentioned blog post]((https://medium.com/huggingface/training-larger-batches-practical-tips-on-1-gpu-multi-gpu-distributed-setups-ec88c3e51255)) for more details):
2018-11-05 04:26:03 +08:00
```bash
python -m torch.distributed.launch --nproc_per_node=4 --nnodes=2 --node_rank=$THIS_MACHINE_INDEX --master_addr="192.168.1.1" --master_port=1234 run_classifier.py (--arg1 --arg2 --arg3 and all other arguments of the run_classifier script)
```
Where `$THIS_MACHINE_INDEX` is an sequential index assigned to each of your machine (0, 1, 2...) and the machine with rank 0 has an IP address `192.168.1.1` and an open port `1234`.
2018-11-05 04:26:03 +08:00
2018-11-17 15:42:45 +08:00
### Fine-tuning with BERT: running the examples
2018-11-02 14:51:07 +08:00
2018-11-05 04:26:03 +08:00
We showcase the same examples as [the original implementation](https://github.com/google-research/bert/): fine-tuning a sequence-level classifier on the MRPC classification corpus and a token-level classifier on the question answering dataset SQuAD.
2018-11-02 14:51:07 +08:00
Before running these examples you should download the
2018-11-02 14:51:07 +08:00
[GLUE data](https://gluebenchmark.com/tasks) by running
[this script](https://gist.github.com/W4ngatang/60c2bdb54d156a41194446737ce03e2e)
and unpack it to some directory `$GLUE_DIR`. Please also download the `BERT-Base`
checkpoint, unzip it to some directory `$BERT_BASE_DIR`, and convert it to its PyTorch version as explained in the previous section.
This example code fine-tunes `BERT-Base` on the Microsoft Research Paraphrase
Corpus (MRPC) corpus and runs in less than 10 minutes on a single K-80.
```shell
export GLUE_DIR=/path/to/glue
python run_classifier.py \
2018-11-02 14:51:07 +08:00
--task_name MRPC \
--do_train \
--do_eval \
--do_lower_case \
2018-11-02 14:51:07 +08:00
--data_dir $GLUE_DIR/MRPC/ \
2018-11-17 19:19:16 +08:00
--bert_model bert-base-uncased \
2018-11-02 14:51:07 +08:00
--max_seq_length 128 \
--train_batch_size 32 \
--learning_rate 2e-5 \
--num_train_epochs 3.0 \
--output_dir /tmp/mrpc_output/
2018-11-02 14:51:07 +08:00
```
2018-11-08 07:39:42 +08:00
Our test ran on a few seeds with [the original implementation hyper-parameters](https://github.com/google-research/bert#sentence-and-sentence-pair-classification-tasks) gave evaluation results between 84% and 88%.
2018-11-05 22:35:44 +08:00
2018-11-05 23:09:27 +08:00
The second example fine-tunes `BERT-Base` on the SQuAD question answering task.
2018-11-02 14:51:07 +08:00
2018-11-02 20:57:15 +08:00
The data for SQuAD can be downloaded with the following links and should be saved in a `$SQUAD_DIR` directory.
2018-11-02 20:57:15 +08:00
* [train-v1.1.json](https://rajpurkar.github.io/SQuAD-explorer/dataset/train-v1.1.json)
* [dev-v1.1.json](https://rajpurkar.github.io/SQuAD-explorer/dataset/dev-v1.1.json)
* [evaluate-v1.1.py](https://github.com/allenai/bi-att-flow/blob/master/squad/evaluate-v1.1.py)
2018-11-02 15:37:39 +08:00
```shell
2018-11-02 20:57:15 +08:00
export SQUAD_DIR=/path/to/SQUAD
2018-11-03 21:18:44 +08:00
python run_squad.py \
2018-11-17 19:19:16 +08:00
--bert_model bert-base-uncased \
2018-11-02 15:37:39 +08:00
--do_train \
--do_predict \
2018-11-09 16:11:59 +08:00
--train_file $SQUAD_DIR/train-v1.1.json \
2018-11-05 23:14:19 +08:00
--predict_file $SQUAD_DIR/dev-v1.1.json \
--train_batch_size 12 \
2018-11-09 16:11:59 +08:00
--learning_rate 3e-5 \
2018-11-05 23:14:19 +08:00
--num_train_epochs 2.0 \
--max_seq_length 384 \
--doc_stride 128 \
2018-11-17 19:21:35 +08:00
--output_dir /tmp/debug_squad/
2018-11-01 01:46:03 +08:00
```
2018-11-09 16:11:59 +08:00
Training with the previous hyper-parameters gave us the following results:
```bash
2018-11-09 16:11:59 +08:00
{"f1": 88.52381567990474, "exact_match": 81.22043519394512}
```
The data for Swag can be downloaded by cloning the following [repository](https://github.com/rowanz/swagaf)
```shell
export SWAG_DIR=/path/to/SWAG
python run_swag.py \
--bert_model bert-base-uncased \
--do_train \
--do_eval \
--data_dir $SWAG_DIR/data
--train_batch_size 10 \
--learning_rate 2e-5 \
--num_train_epochs 3.0 \
--max_seq_length 80 \
--output_dir /tmp/swag_output/
```
2018-11-17 15:42:45 +08:00
## Fine-tuning BERT-large on GPUs
The options we list above allow to fine-tune BERT-large rather easily on GPU(s) instead of the TPU used by the original implementation.
2018-11-12 00:00:49 +08:00
For example, fine-tuning BERT-large on SQuAD can be done on a server with 4 k-80 (these are pretty old now) in 18 hours. Our results are similar to the TensorFlow implementation results (actually slightly higher):
```bash
{"exact_match": 84.56953642384106, "f1": 91.04028647786927}
```
2018-11-12 19:39:57 +08:00
To get these results we used a combination of:
- multi-GPU training (automatically activated on a multi-GPU server),
- 2 steps of gradient accumulation and
- perform the optimization step on CPU to store Adam's averages in RAM.
2018-11-12 22:15:02 +08:00
Here is the full list of hyper-parameters for this run:
```bash
2018-11-12 15:37:43 +08:00
python ./run_squad.py \
2018-11-26 16:56:41 +08:00
--bert_model bert-large-uncased \
2018-11-12 15:37:43 +08:00
--do_train \
--do_predict \
--train_file $SQUAD_TRAIN \
--predict_file $SQUAD_EVAL \
--learning_rate 3e-5 \
--num_train_epochs 2 \
--max_seq_length 384 \
--doc_stride 128 \
--output_dir $OUTPUT_DIR \
--train_batch_size 24 \
--gradient_accumulation_steps 2 \
--optimize_on_cpu
```
If you have a recent GPU (starting from NVIDIA Volta series), you should try **16-bit fine-tuning** (FP16).
Here is an example of hyper-parameters for a FP16 run we tried:
```bash
python ./run_squad.py \
2018-11-26 16:56:41 +08:00
--bert_model bert-large-uncased \
--do_train \
--do_predict \
--train_file $SQUAD_TRAIN \
--predict_file $SQUAD_EVAL \
--learning_rate 3e-5 \
--num_train_epochs 2 \
--max_seq_length 384 \
--doc_stride 128 \
--output_dir $OUTPUT_DIR \
--train_batch_size 24 \
--fp16 \
--loss_scale 128
```
The results were similar to the above FP32 results (actually slightly higher):
```bash
{"exact_match": 84.65468306527909, "f1": 91.238669287002}
```
2018-11-16 21:31:15 +08:00
2018-11-17 15:42:45 +08:00
## Notebooks
2018-11-16 21:31:15 +08:00
2018-11-18 06:25:23 +08:00
We include [three Jupyter Notebooks](https://github.com/huggingface/pytorch-pretrained-BERT/tree/master/notebooks) that can be used to check that the predictions of the PyTorch model are identical to the predictions of the original TensorFlow model.
2018-11-16 21:31:15 +08:00
2018-11-17 15:42:45 +08:00
- The first NoteBook ([Comparing-TF-and-PT-models.ipynb](./notebooks/Comparing-TF-and-PT-models.ipynb)) extracts the hidden states of a full sequence on each layers of the TensorFlow and the PyTorch models and computes the standard deviation between them. In the given example, we get a standard deviation of 1.5e-7 to 9e-7 on the various hidden state of the models.
- The second NoteBook ([Comparing-TF-and-PT-models-SQuAD.ipynb](./notebooks/Comparing-TF-and-PT-models-SQuAD.ipynb)) compares the loss computed by the TensorFlow and the PyTorch models for identical initialization of the fine-tuning layer of the `BertForQuestionAnswering` and computes the standard deviation between them. In the given example, we get a standard deviation of 2.5e-7 between the models.
2018-11-16 21:31:15 +08:00
2018-11-18 06:25:23 +08:00
- The third NoteBook ([Comparing-TF-and-PT-models-MLM-NSP.ipynb](./notebooks/Comparing-TF-and-PT-models-MLM-NSP.ipynb)) compares the predictions computed by the TensorFlow and the PyTorch models for masked token language modeling using the pre-trained masked language modeling model.
2018-11-16 21:31:15 +08:00
2018-11-17 15:42:45 +08:00
Please follow the instructions given in the notebooks to run and modify them.
2018-11-16 21:31:15 +08:00
2018-11-17 15:42:45 +08:00
## Command-line interface
2018-11-16 21:31:15 +08:00
2018-11-18 06:25:23 +08:00
A command-line interface is provided to convert a TensorFlow checkpoint in a PyTorch dump of the `BertForPreTraining` class (see above).
2018-11-16 21:31:15 +08:00
2018-11-21 19:08:30 +08:00
You can convert any TensorFlow checkpoint for BERT (in particular [the pre-trained models released by Google](https://github.com/google-research/bert#pre-trained-models)) in a PyTorch save file by using the [`./pytorch_pretrained_bert/convert_tf_checkpoint_to_pytorch.py`](convert_tf_checkpoint_to_pytorch.py) script.
2018-11-16 21:31:15 +08:00
2018-12-04 20:43:56 +08:00
This CLI takes as input a TensorFlow checkpoint (three files starting with `bert_model.ckpt`) and the associated configuration file (`bert_config.json`), and creates a PyTorch model for this configuration, loads the weights from the TensorFlow checkpoint in the PyTorch model and saves the resulting model in a standard PyTorch save file that can be imported using `torch.load()` (see examples in [`extract_features.py`](./examples/extract_features.py), [`run_classifier.py`](./examples/run_classifier.py) and [`run_squad.py`]((./examples/run_squad.py))).
2018-11-16 21:31:15 +08:00
You only need to run this conversion script **once** to get a PyTorch model. You can then disregard the TensorFlow checkpoint (the three files starting with `bert_model.ckpt`) but be sure to keep the configuration file (`bert_config.json`) and the vocabulary file (`vocab.txt`) as these are needed for the PyTorch model too.
To run this specific conversion script you will need to have TensorFlow and PyTorch installed (`pip install tensorflow`). The rest of the repository only requires PyTorch.
Here is an example of the conversion process for a pre-trained `BERT-Base Uncased` model:
```shell
export BERT_BASE_DIR=/path/to/bert/uncased_L-12_H-768_A-12
2018-11-17 15:42:45 +08:00
pytorch_pretrained_bert convert_tf_checkpoint_to_pytorch \
2018-11-20 17:02:57 +08:00
$BERT_BASE_DIR/bert_model.ckpt \
$BERT_BASE_DIR/bert_config.json \
$BERT_BASE_DIR/pytorch_model.bin
2018-11-16 21:31:15 +08:00
```
You can download Google's pre-trained models for the conversion [here](https://github.com/google-research/bert#pre-trained-models).
2018-11-17 15:42:45 +08:00
## TPU
2018-11-16 21:31:15 +08:00
TPU support and pretraining scripts
TPU are not supported by the current stable release of PyTorch (0.4.1). However, the next version of PyTorch (v1.0) should support training on TPU and is expected to be released soon (see the recent [official announcement](https://cloud.google.com/blog/products/ai-machine-learning/introducing-pytorch-across-google-cloud)).
We will add TPU support when this next release is published.
The original TensorFlow code further comprises two scripts for pre-training BERT: [create_pretraining_data.py](https://github.com/google-research/bert/blob/master/create_pretraining_data.py) and [run_pretraining.py](https://github.com/google-research/bert/blob/master/run_pretraining.py).
Since, pre-training BERT is a particularly expensive operation that basically requires one or several TPUs to be completed in a reasonable amout of time (see details [here](https://github.com/google-research/bert#pre-training-with-bert)) we have decided to wait for the inclusion of TPU support in PyTorch to convert these pre-training scripts.