transformers/README.md

561 lines
30 KiB
Markdown
Raw Normal View History

2019-09-26 17:21:34 +08:00
<p align="center">
<br>
2019-09-26 17:28:44 +08:00
<img src="https://raw.githubusercontent.com/huggingface/transformers/master/docs/source/imgs/transformers_logo_name.png" width="400"/>
2019-09-26 17:21:34 +08:00
<br>
<p>
<p align="center">
2019-09-26 20:59:52 +08:00
<a href="https://circleci.com/gh/huggingface/transformers">
2019-09-26 18:18:26 +08:00
<img alt="Build" src="https://img.shields.io/circleci/build/github/huggingface/transformers/master">
2019-09-26 17:21:34 +08:00
</a>
<a href="https://github.com/huggingface/transformers/blob/master/LICENSE">
2019-09-26 18:18:26 +08:00
<img alt="GitHub" src="https://img.shields.io/github/license/huggingface/transformers.svg?color=blue">
2019-09-26 17:21:34 +08:00
</a>
<a href="https://huggingface.co/transformers/index.html">
2019-09-26 18:18:26 +08:00
<img alt="Documentation" src="https://img.shields.io/website/http/huggingface.co/transformers/index.html.svg?down_color=red&down_message=offline&up_message=online">
2019-09-26 17:21:34 +08:00
</a>
<a href="https://github.com/huggingface/transformers/releases">
2019-09-26 18:18:26 +08:00
<img alt="GitHub release" src="https://img.shields.io/github/release/huggingface/transformers.svg">
2019-09-26 17:21:34 +08:00
</a>
</p>
2019-09-26 18:18:26 +08:00
<h3 align="center">
<p>State-of-the-art Natural Language Processing for TensorFlow 2.0 and PyTorch
</h3>
2019-09-26 17:21:34 +08:00
🤗 Transformers (formerly known as `pytorch-transformers` and `pytorch-pretrained-bert`) provides state-of-the-art general-purpose architectures (BERT, GPT-2, RoBERTa, XLM, DistilBert, XLNet, CTRL...) for Natural Language Understanding (NLU) and Natural Language Generation (NLG) with over 32+ pretrained models in 100+ languages and deep interoperability between TensorFlow 2.0 and PyTorch.
2019-09-26 18:18:26 +08:00
### Features
2019-09-26 17:21:34 +08:00
- As easy to use as pytorch-transformers
- As powerful and concise as Keras
- High performance on NLU and NLG tasks
- Low barrier to entry for educators and practitioners
State-of-the-art NLP for everyone
- Deep learning researchers
- Hands-on practitioners
- AI/ML/NLP teachers and educators
Lower compute costs, smaller carbon footprint
- Researchers can share trained models instead of always retraining
- Practitioners can reduce compute time and production costs
2019-10-23 03:11:02 +08:00
- 10 architectures with over 30 pretrained models, some in more than 100 languages
2019-09-26 17:21:34 +08:00
Choose the right framework for every part of a model's lifetime
- Train state-of-the-art models in 3 lines of code
2019-09-26 18:00:38 +08:00
- Deep interoperability between TensorFlow 2.0 and PyTorch models
- Move a single model between TF2.0/PyTorch frameworks at will
2019-09-26 17:21:34 +08:00
- Seamlessly pick the right framework for training, evaluation, production
2018-12-21 05:33:39 +08:00
2019-07-16 06:29:15 +08:00
2019-09-26 17:21:34 +08:00
| Section | Description |
|-|-|
| [Installation](#installation) | How to install the package |
2019-09-26 18:00:38 +08:00
| [Model architectures](#model-architectures) | Architectures (with pretrained weights) |
2019-09-26 17:21:34 +08:00
| [Online demo](#online-demo) | Experimenting with this repos text generation capabilities |
| [Quick tour: Usage](#quick-tour) | Tokenizers & models usage: Bert and GPT-2 |
2019-09-28 16:20:17 +08:00
| [Quick tour: TF 2.0 and PyTorch ](#Quick-tour-TF-20-training-and-PyTorch-interoperability) | Train a TF 2.0 model in 10 lines of code, load it in PyTorch |
2019-09-26 17:21:34 +08:00
| [Quick tour: Fine-tuning/usage scripts](#quick-tour-of-the-fine-tuningusage-scripts) | Using provided scripts: GLUE, SQuAD and Text generation |
| [Migrating from pytorch-transformers to transformers](#Migrating-from-pytorch-transformers-to-transformers) | Migrating your code from pytorch-transformers to transformers |
2019-09-26 18:00:38 +08:00
| [Migrating from pytorch-pretrained-bert to pytorch-transformers](#Migrating-from-pytorch-pretrained-bert-to-transformers) | Migrating your code from pytorch-pretrained-bert to transformers |
| [Documentation](https://huggingface.co/transformers/) [(v2.1.1)](https://huggingface.co/transformers/v2.1.1) [(v2.0.0)](https://huggingface.co/transformers/v2.0.0) [(v1.2.0)](https://huggingface.co/transformers/v1.2.0) [(v1.1.0)](https://huggingface.co/transformers/v1.1.0) [(v1.0.0)](https://huggingface.co/transformers/v1.0.0) | Full API documentation and more |
2019-09-26 17:21:34 +08:00
2018-11-17 15:42:45 +08:00
## Installation
2018-11-03 21:18:44 +08:00
This repo is tested on Python 2.7 and 3.5+ (examples are tested only on python 3.5+), PyTorch 1.0.0+ and TensorFlow 2.0.0-rc1
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
First you need to install one of, or both, TensorFlow 2.0 and PyTorch.
2019-10-07 01:14:34 +08:00
Please refer to [TensorFlow installation page](https://www.tensorflow.org/install/pip#tensorflow-2.0-rc-is-available) and/or [PyTorch installation page](https://pytorch.org/get-started/locally/#start-locally) regarding the specific install command for your platform.
When TensorFlow 2.0 and/or PyTorch has been installed, 🤗 Transformers can be installed using pip as follows:
2019-07-05 18:30:15 +08:00
2018-11-16 21:31:15 +08:00
```bash
pip install transformers
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
Here also, you first need to install one of, or both, TensorFlow 2.0 and PyTorch.
2019-10-07 01:14:34 +08:00
Please refer to [TensorFlow installation page](https://www.tensorflow.org/install/pip#tensorflow-2.0-rc-is-available) and/or [PyTorch installation page](https://pytorch.org/get-started/locally/#start-locally) regarding the specific install command for your platform.
2019-10-02 02:57:18 +08:00
When TensorFlow 2.0 and/or PyTorch has been installed, you can install from source by cloning the repository and running:
2019-07-05 18:30:15 +08:00
2018-11-16 21:31:15 +08:00
```bash
pip install [--editable] .
```
2018-11-02 14:51:07 +08:00
2019-07-16 06:12:55 +08:00
### Tests
2019-02-18 18:12:09 +08:00
2019-10-02 02:57:18 +08:00
A series of tests are included for the library and the example scripts. Library tests can be found in the [tests folder](https://github.com/huggingface/transformers/tree/master/transformers/tests) and examples tests in the [examples folder](https://github.com/huggingface/transformers/tree/master/examples).
2018-11-16 21:31:15 +08:00
2019-07-16 06:12:55 +08:00
These tests can be run using `pytest` (install pytest if needed with `pip install pytest`).
2018-11-16 21:31:15 +08:00
Depending on which framework is installed (TensorFlow 2.0 and/or PyTorch), the irrelevant tests will be skipped. Ensure that both frameworks are installed if you want to execute all tests.
2019-07-16 06:12:55 +08:00
You can run the tests from the root of the cloned repository with the commands:
2018-11-16 21:31:15 +08:00
2019-07-16 06:12:55 +08:00
```bash
python -m pytest -sv ./transformers/tests/
2019-07-16 06:12:55 +08:00
python -m pytest -sv ./examples/
```
2018-11-16 21:31:15 +08:00
2019-08-01 09:09:04 +08:00
### Do you want to run a Transformer model on a mobile device?
You should check out our [`swift-coreml-transformers`](https://github.com/huggingface/swift-coreml-transformers) repo.
It contains a set of tools to convert PyTorch or TensorFlow 2.0 trained Transformer models (currently contains `GPT-2`, `DistilGPT-2`, `BERT`, and `DistilBERT`) to CoreML models that run on iOS devices.
2019-08-01 09:09:04 +08:00
At some point in the future, you'll be able to seamlessly move from pre-training or fine-tuning models to productizing them in CoreML, or prototype a model or an app in CoreML then research its hyperparameters or architecture from TensorFlow 2.0 and/or PyTorch. Super exciting!
2019-08-01 09:09:04 +08:00
2019-09-26 18:00:38 +08:00
## Model architectures
2019-10-23 03:11:02 +08:00
🤗 Transformers currently provides 10 NLU/NLG architectures:
2019-09-26 18:00:38 +08:00
1. **[BERT](https://github.com/google-research/bert)** (from Google) released 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.
2. **[GPT](https://github.com/openai/finetune-transformer-lm)** (from OpenAI) released with the paper [Improving Language Understanding by Generative Pre-Training](https://blog.openai.com/language-unsupervised/) by Alec Radford, Karthik Narasimhan, Tim Salimans and Ilya Sutskever.
3. **[GPT-2](https://blog.openai.com/better-language-models/)** (from OpenAI) released with the paper [Language Models are Unsupervised Multitask Learners](https://blog.openai.com/better-language-models/) by Alec Radford*, Jeffrey Wu*, Rewon Child, David Luan, Dario Amodei** and Ilya Sutskever**.
4. **[Transformer-XL](https://github.com/kimiyoung/transformer-xl)** (from Google/CMU) released with the paper [Transformer-XL: Attentive Language Models Beyond a Fixed-Length Context](https://arxiv.org/abs/1901.02860) by Zihang Dai*, Zhilin Yang*, Yiming Yang, Jaime Carbonell, Quoc V. Le, Ruslan Salakhutdinov.
5. **[XLNet](https://github.com/zihangdai/xlnet/)** (from Google/CMU) released with the paper [XLNet: Generalized Autoregressive Pretraining for Language Understanding](https://arxiv.org/abs/1906.08237) by Zhilin Yang*, Zihang Dai*, Yiming Yang, Jaime Carbonell, Ruslan Salakhutdinov, Quoc V. Le.
6. **[XLM](https://github.com/facebookresearch/XLM/)** (from Facebook) released together with the paper [Cross-lingual Language Model Pretraining](https://arxiv.org/abs/1901.07291) by Guillaume Lample and Alexis Conneau.
7. **[RoBERTa](https://github.com/pytorch/fairseq/tree/master/examples/roberta)** (from Facebook), released together with the paper a [Robustly Optimized BERT Pretraining Approach](https://arxiv.org/abs/1907.11692) by Yinhan Liu, Myle Ott, Naman Goyal, Jingfei Du, Mandar Joshi, Danqi Chen, Omer Levy, Mike Lewis, Luke Zettlemoyer, Veselin Stoyanov.
8. **[DistilBERT](https://github.com/huggingface/transformers/tree/master/examples/distillation)** (from HuggingFace), released together with the paper [DistilBERT, a distilled version of BERT: smaller, faster, cheaper and lighter](https://arxiv.org/abs/1910.01108) by Victor Sanh, Lysandre Debut and Thomas Wolf. The same method has been applied to compress GPT2 into [DistilGPT2](https://github.com/huggingface/transformers/tree/master/examples/distillation).
9. **[CTRL](https://github.com/salesforce/ctrl/)** (from Salesforce) released with the paper [CTRL: A Conditional Transformer Language Model for Controllable Generation](https://arxiv.org/abs/1909.05858) by Nitish Shirish Keskar*, Bryan McCann*, Lav R. Varshney, Caiming Xiong and Richard Socher.
10. Want to contribute a new model? We have added a **detailed guide and templates** to guide you in the process of adding a new model. You can find them in the [`templates`](./templates) folder of the repository. Be sure to check the [contributing guidelines](./CONTRIBUTING.md) and contact the maintainers or open an issue to collect feedbacks before starting your PR.
2019-09-26 18:00:38 +08:00
These implementations have been tested on several datasets (see the example scripts) and should match the performances of the original implementations (e.g. ~93 F1 on SQuAD for BERT Whole-Word-Masking, ~88 F1 on RocStories for OpenAI GPT, ~18.3 perplexity on WikiText 103 for Transformer-XL, ~0.916 Peason R coefficient on STS-B for XLNet). You can find more details on the performances in the Examples section of the [documentation](https://huggingface.co/transformers/examples.html).
## Online demo
**[Write With Transformer](https://transformer.huggingface.co)**, built by the Hugging Face team at transformer.huggingface.co, is the official demo of this repos text generation capabilities.
You can use it to experiment with completions generated by `GPT2Model`, `TransfoXLModel`, and `XLNetModel`.
> “🦄 Write with transformer is to writing what calculators are to calculus.”
2019-09-06 00:35:22 +08:00
![write_with_transformer](https://transformer.huggingface.co/front/assets/thumbnail-large.png)
2019-08-01 09:09:04 +08:00
2019-07-16 22:02:32 +08:00
## Quick tour
2018-11-17 15:42:45 +08:00
2019-09-26 18:00:38 +08:00
Let's do a very quick overview of the model architectures in 🤗 Transformers. Detailed examples for each model architecture (Bert, GPT, GPT-2, Transformer-XL, XLNet and XLM) can be found in the [full documentation](https://huggingface.co/transformers/).
2018-11-16 21:31:15 +08:00
```python
import torch
from transformers import *
2019-07-16 22:02:32 +08:00
# Transformers has a unified API
2019-09-26 18:00:38 +08:00
# for 8 transformer architectures and 30 pretrained weights.
2019-07-16 22:02:32 +08:00
# Model | Tokenizer | Pretrained weights shortcut
2019-09-26 17:21:34 +08:00
MODELS = [(BertModel, BertTokenizer, 'bert-base-uncased'),
(OpenAIGPTModel, OpenAIGPTTokenizer, 'openai-gpt'),
(GPT2Model, GPT2Tokenizer, 'gpt2'),
(CTRLModel, CTRLTokenizer, 'ctrl'),
2019-09-26 17:21:34 +08:00
(TransfoXLModel, TransfoXLTokenizer, 'transfo-xl-wt103'),
(XLNetModel, XLNetTokenizer, 'xlnet-base-cased'),
(XLMModel, XLMTokenizer, 'xlm-mlm-enfr-1024'),
(DistilBertModel, DistilBertTokenizer, 'distilbert-base-uncased'),
(RobertaModel, RobertaTokenizer, 'roberta-base')]
2019-07-16 22:02:32 +08:00
2019-09-26 18:00:38 +08:00
# To use TensorFlow 2.0 versions of the models, simply prefix the class names with 'TF', e.g. `TFRobertaModel` is the TF 2.0 counterpart of the PyTorch model `RobertaModel`
2019-07-16 22:02:32 +08:00
# Let's encode some text in a sequence of hidden-states using each model:
for model_class, tokenizer_class, pretrained_weights in MODELS:
# Load pretrained model/tokenizer
tokenizer = tokenizer_class.from_pretrained(pretrained_weights)
model = model_class.from_pretrained(pretrained_weights)
# Encode text
input_ids = torch.tensor([tokenizer.encode("Here is some text to encode", add_special_tokens=True)]) # Add special tokens takes care of adding [CLS], [SEP], <s>... tokens in the right way for each model.
2019-07-23 22:05:29 +08:00
with torch.no_grad():
last_hidden_states = model(input_ids)[0] # Models outputs are now tuples
2019-07-16 22:02:32 +08:00
# Each architecture is provided with several class for fine-tuning on down-stream tasks, e.g.
BERT_MODEL_CLASSES = [BertModel, BertForPreTraining, BertForMaskedLM, BertForNextSentencePrediction,
BertForSequenceClassification, BertForMultipleChoice, BertForTokenClassification,
BertForQuestionAnswering]
2019-07-16 22:03:48 +08:00
# All the classes for an architecture can be initiated from pretrained weights for this architecture
# Note that additional weights added for fine-tuning are only initialized
# and need to be trained on the down-stream task
pretrained_weights = 'bert-base-uncased'
tokenizer = BertTokenizer.from_pretrained(pretrained_weights)
2019-07-16 22:02:32 +08:00
for model_class in BERT_MODEL_CLASSES:
# Load pretrained model/tokenizer
model = model_class.from_pretrained(pretrained_weights)
2019-07-16 22:02:32 +08:00
# Models can return full list of hidden-states & attentions weights at each layer
model = model_class.from_pretrained(pretrained_weights,
output_hidden_states=True,
output_attentions=True)
input_ids = torch.tensor([tokenizer.encode("Let's see all hidden-states and attentions on this text")])
all_hidden_states, all_attentions = model(input_ids)[-2:]
2019-07-16 22:02:32 +08:00
# Models are compatible with Torchscript
model = model_class.from_pretrained(pretrained_weights, torchscript=True)
traced_model = torch.jit.trace(model, (input_ids,))
2019-07-16 22:02:32 +08:00
# Simple serialization for models and tokenizers
model.save_pretrained('./directory/to/save/') # save
model = model_class.from_pretrained('./directory/to/save/') # re-load
tokenizer.save_pretrained('./directory/to/save/') # save
tokenizer = BertTokenizer.from_pretrained('./directory/to/save/') # re-load
2019-07-16 22:02:32 +08:00
# SOTA examples for GLUE, SQUAD, text generation...
2018-11-16 21:31:15 +08:00
```
2019-09-26 18:00:38 +08:00
## Quick tour TF 2.0 training and PyTorch interoperability
Let's do a quick example of how a TensorFlow 2.0 model can be trained in 12 lines of code with 🤗 Transformers and then loaded in PyTorch for fast inspection/tests.
```python
import tensorflow as tf
import tensorflow_datasets
2019-09-26 22:23:28 +08:00
from transformers import *
2019-09-26 18:00:38 +08:00
# Load dataset, tokenizer, model from pretrained model/vocabulary
tokenizer = BertTokenizer.from_pretrained('bert-base-cased')
model = TFBertForSequenceClassification.from_pretrained('bert-base-cased')
data = tensorflow_datasets.load('glue/mrpc')
# Prepare dataset for GLUE as a tf.data.Dataset instance
2019-09-26 22:23:28 +08:00
train_dataset = glue_convert_examples_to_features(data['train'], tokenizer, max_length=128, task='mrpc')
valid_dataset = glue_convert_examples_to_features(data['validation'], tokenizer, max_length=128, task='mrpc')
2019-09-26 18:00:38 +08:00
train_dataset = train_dataset.shuffle(100).batch(32).repeat(2)
valid_dataset = valid_dataset.batch(64)
# Prepare training: Compile tf.keras model with optimizer, loss and learning rate schedule
optimizer = tf.keras.optimizers.Adam(learning_rate=3e-5, epsilon=1e-08, clipnorm=1.0)
loss = tf.keras.losses.SparseCategoricalCrossentropy(from_logits=True)
metric = tf.keras.metrics.SparseCategoricalAccuracy('accuracy')
model.compile(optimizer=optimizer, loss=loss, metrics=[metric])
# Train and evaluate using tf.keras.Model.fit()
history = model.fit(train_dataset, epochs=2, steps_per_epoch=115,
validation_data=valid_dataset, validation_steps=7)
# Load the TensorFlow model in PyTorch for inspection
model.save_pretrained('./save/')
pytorch_model = BertForSequenceClassification.from_pretrained('./save/', from_tf=True)
# Quickly test a few predictions - MRPC is a paraphrasing task, let's see if our model learned the task
sentence_0 = "This research was consistent with his findings."
sentence_1 = "His findings were compatible with this research."
sentence_2 = "His findings were not compatible with this research."
inputs_1 = tokenizer.encode_plus(sentence_0, sentence_1, add_special_tokens=True, return_tensors='pt')
inputs_2 = tokenizer.encode_plus(sentence_0, sentence_2, add_special_tokens=True, return_tensors='pt')
pred_1 = pytorch_model(inputs_1['input_ids'], token_type_ids=inputs_1['token_type_ids'])[0].argmax().item()
pred_2 = pytorch_model(inputs_2['input_ids'], token_type_ids=inputs_2['token_type_ids'])[0].argmax().item()
2019-09-26 18:00:38 +08:00
print("sentence_1 is", "a paraphrase" if pred_1 else "not a paraphrase", "of sentence_0")
print("sentence_2 is", "a paraphrase" if pred_2 else "not a paraphrase", "of sentence_0")
```
2019-07-16 22:02:32 +08:00
## Quick tour of the fine-tuning/usage scripts
2019-08-04 18:14:57 +08:00
2019-07-16 06:21:33 +08:00
The library comprises several example scripts with SOTA performances for NLU and NLG tasks:
2019-01-10 08:25:28 +08:00
2019-07-16 19:56:47 +08:00
- `run_glue.py`: an example fine-tuning Bert, XLNet and XLM on nine different GLUE tasks (*sequence-level classification*)
- `run_squad.py`: an example fine-tuning Bert, XLNet and XLM on the question answering dataset SQuAD 2.0 (*token-level classification*)
- `run_generation.py`: an example using GPT, GPT-2, CTRL, Transformer-XL and XLNet for conditional language generation
2019-07-16 19:56:47 +08:00
- other model-specific examples (see the documentation).
2019-02-11 19:15:43 +08:00
2019-07-16 06:21:33 +08:00
Here are three quick usage examples for these scripts:
2019-01-10 08:25:28 +08:00
2019-07-16 19:56:47 +08:00
### `run_glue.py`: Fine-tuning on GLUE tasks for sequence classification
2019-01-10 08:25:28 +08:00
2019-07-16 06:12:55 +08:00
The [General Language Understanding Evaluation (GLUE) benchmark](https://gluebenchmark.com/) is a collection of nine sentence- or sentence-pair language understanding tasks for evaluating and analyzing natural language understanding systems.
2019-01-10 08:25:28 +08:00
2019-07-16 06:12:55 +08:00
Before running anyone of these GLUE tasks you should download the
[GLUE data](https://gluebenchmark.com/tasks) by running
[this script](https://gist.github.com/W4ngatang/60c2bdb54d156a41194446737ce03e2e)
and unpack it to some directory `$GLUE_DIR`.
2019-02-11 19:15:43 +08:00
You should also install the additional packages required by the examples:
```shell
pip install -r ./examples/requirements.txt
```
2019-07-16 06:12:55 +08:00
```shell
export GLUE_DIR=/path/to/glue
export TASK_NAME=MRPC
2019-01-10 08:25:28 +08:00
python ./examples/run_glue.py \
--model_type bert \
--model_name_or_path bert-base-uncased \
--task_name $TASK_NAME \
--do_train \
--do_eval \
--do_lower_case \
--data_dir $GLUE_DIR/$TASK_NAME \
--max_seq_length 128 \
--per_gpu_eval_batch_size=8 \
--per_gpu_train_batch_size=8 \
--learning_rate 2e-5 \
--num_train_epochs 3.0 \
--output_dir /tmp/$TASK_NAME/
2019-01-10 08:25:28 +08:00
```
2019-07-16 06:12:55 +08:00
where task name can be one of CoLA, SST-2, MRPC, STS-B, QQP, MNLI, QNLI, RTE, WNLI.
2019-02-18 18:12:09 +08:00
2019-07-16 06:12:55 +08:00
The dev set results will be present within the text file 'eval_results.txt' in the specified output_dir. In case of MNLI, since there are two separate dev sets, matched and mismatched, there will be a separate output folder called '/tmp/MNLI-MM/' in addition to '/tmp/MNLI/'.
2019-02-18 18:12:09 +08:00
2019-07-16 06:12:55 +08:00
#### Fine-tuning XLNet model on the STS-B regression task
2019-02-18 18:12:09 +08:00
2019-07-16 06:12:55 +08:00
This example code fine-tunes XLNet on the STS-B corpus using parallel training on a server with 4 V100 GPUs.
Parallel training is a simple way to use several GPUs (but is slower and less flexible than distributed training, see below).
2019-02-18 18:12:09 +08:00
2019-07-16 06:12:55 +08:00
```shell
export GLUE_DIR=/path/to/glue
2019-02-18 18:12:09 +08:00
2019-07-16 06:12:55 +08:00
python ./examples/run_glue.py \
--model_type xlnet \
--model_name_or_path xlnet-large-cased \
--do_train \
--do_eval \
2019-07-16 06:12:55 +08:00
--task_name=sts-b \
--data_dir=${GLUE_DIR}/STS-B \
--output_dir=./proc_data/sts-b-110 \
--max_seq_length=128 \
--per_gpu_eval_batch_size=8 \
--per_gpu_train_batch_size=8 \
--gradient_accumulation_steps=1 \
--max_steps=1200 \
--model_name=xlnet-large-cased \
--overwrite_output_dir \
--overwrite_cache \
--warmup_steps=120
2019-02-18 18:12:09 +08:00
```
2019-07-31 23:05:06 +08:00
On this machine we thus have a batch size of 32, please increase `gradient_accumulation_steps` to reach the same batch size if you have a smaller machine. These hyper-parameters should result in a Pearson correlation coefficient of `+0.917` on the development set.
2019-02-18 18:12:09 +08:00
2019-07-16 06:12:55 +08:00
#### Fine-tuning Bert model on the MRPC classification task
2019-02-18 18:12:09 +08:00
2019-07-16 06:12:55 +08:00
This example code fine-tunes the Bert Whole Word Masking model on the Microsoft Research Paraphrase Corpus (MRPC) corpus using distributed training on 8 V100 GPUs to reach a F1 > 92.
2019-02-18 18:12:09 +08:00
2019-07-16 06:12:55 +08:00
```bash
python -m torch.distributed.launch --nproc_per_node 8 ./examples/run_glue.py \
2019-07-16 06:12:55 +08:00
--model_type bert \
--model_name_or_path bert-large-uncased-whole-word-masking \
--task_name MRPC \
--do_train \
--do_eval \
--do_lower_case \
--data_dir $GLUE_DIR/MRPC/ \
--max_seq_length 128 \
--per_gpu_eval_batch_size=8 \
--per_gpu_train_batch_size=8 \
--learning_rate 2e-5 \
--num_train_epochs 3.0 \
--output_dir /tmp/mrpc_output/ \
--overwrite_output_dir \
--overwrite_cache \
2019-02-18 18:12:09 +08:00
```
2019-07-16 06:12:55 +08:00
Training with these hyper-parameters gave us the following results:
2019-06-17 22:21:28 +08:00
2019-07-16 06:12:55 +08:00
```bash
acc = 0.8823529411764706
acc_and_f1 = 0.901702786377709
eval_loss = 0.3418912578906332
f1 = 0.9210526315789473
global_step = 174
loss = 0.07231863956341798
2019-06-17 22:21:28 +08:00
```
2019-07-16 19:56:47 +08:00
### `run_squad.py`: Fine-tuning on SQuAD for question-answering
2018-11-16 21:31:15 +08:00
2019-07-16 06:12:55 +08:00
This example code fine-tunes BERT on the SQuAD dataset using distributed training on 8 V100 GPUs and Bert Whole Word Masking uncased model to reach a F1 > 93 on SQuAD:
2018-11-17 15:55:56 +08:00
2019-07-16 06:12:55 +08:00
```bash
python -m torch.distributed.launch --nproc_per_node=8 ./examples/run_squad.py \
2019-07-16 06:12:55 +08:00
--model_type bert \
--model_name_or_path bert-large-uncased-whole-word-masking \
--do_train \
2019-07-16 22:09:29 +08:00
--do_eval \
2019-07-16 06:12:55 +08:00
--do_lower_case \
--train_file $SQUAD_DIR/train-v1.1.json \
--predict_file $SQUAD_DIR/dev-v1.1.json \
--learning_rate 3e-5 \
--num_train_epochs 2 \
--max_seq_length 384 \
--doc_stride 128 \
--output_dir ../models/wwm_uncased_finetuned_squad/ \
--per_gpu_eval_batch_size=3 \
--per_gpu_train_batch_size=3 \
2018-11-16 21:31:15 +08:00
```
2019-07-16 06:12:55 +08:00
Training with these hyper-parameters gave us the following results:
2019-02-18 18:12:09 +08:00
2019-07-16 06:12:55 +08:00
```bash
python $SQUAD_DIR/evaluate-v1.1.py $SQUAD_DIR/dev-v1.1.json ../models/wwm_uncased_finetuned_squad/predictions.json
{"exact_match": 86.91579943235573, "f1": 93.1532499015869}
2018-11-16 21:31:15 +08:00
```
2019-07-16 06:12:55 +08:00
This is the model provided as `bert-large-uncased-whole-word-masking-finetuned-squad`.
### `run_generation.py`: Text generation with GPT, GPT-2, CTRL, Transformer-XL and XLNet
2019-07-16 06:12:55 +08:00
A conditional generation script is also included to generate text from a prompt.
2019-10-02 02:57:18 +08:00
The generation script includes the [tricks](https://github.com/rusiaaman/XLNet-gen#methodology) proposed by Aman Rusia to get high-quality generation with memory models like Transformer-XL and XLNet (include a predefined text to make short inputs longer).
2019-07-16 06:12:55 +08:00
Here is how to run the script with the small version of OpenAI GPT-2 model:
2019-07-16 06:12:55 +08:00
```shell
2019-07-16 22:09:29 +08:00
python ./examples/run_generation.py \
2019-07-16 06:12:55 +08:00
--model_type=gpt2 \
--length=20 \
--model_name_or_path=gpt2 \
```
and from the Salesforce CTRL model:
```shell
python ./examples/run_generation.py \
--model_type=ctrl \
--length=20 \
--model_name_or_path=ctrl \
--temperature=0 \
--repetition_penalty=1.2 \
```
2019-09-26 18:00:38 +08:00
## Migrating from pytorch-transformers to transformers
Here is a quick summary of what you should take care of when migrating from `pytorch-transformers` to `transformers`.
### Positional order of some models' keywords inputs (`attention_mask`, `token_type_ids`...) changed
To be able to use Torchscript (see #1010, #1204 and #1195) the specific order of some models **keywords inputs** (`attention_mask`, `token_type_ids`...) has been changed.
If you used to call the models with keyword names for keyword arguments, e.g. `model(inputs_ids, attention_mask=attention_mask, token_type_ids=token_type_ids)`, this should not cause any change.
If you used to call the models with positional inputs for keyword arguments, e.g. `model(inputs_ids, attention_mask, token_type_ids)`, you may have to double check the exact order of input arguments.
## Migrating from pytorch-pretrained-bert to transformers
2019-07-16 15:03:49 +08:00
2019-09-26 18:00:38 +08:00
Here is a quick summary of what you should take care of when migrating from `pytorch-pretrained-bert` to `transformers`.
2019-07-16 15:03:49 +08:00
### Models always output `tuples`
The main breaking change when migrating from `pytorch-pretrained-bert` to `transformers` is that every model's forward method always outputs a `tuple` with various elements depending on the model and the configuration parameters.
2019-07-16 15:03:49 +08:00
2019-10-02 02:57:18 +08:00
The exact content of the tuples for each model is detailed in the models' docstrings and the [documentation](https://huggingface.co/transformers/).
2019-07-16 15:03:49 +08:00
In pretty much every case, you will be fine by taking the first element of the output as the output you previously used in `pytorch-pretrained-bert`.
Here is a `pytorch-pretrained-bert` to `transformers` conversion example for a `BertForSequenceClassification` classification model:
2019-07-16 15:03:49 +08:00
```python
# Let's load our model
model = BertForSequenceClassification.from_pretrained('bert-base-uncased')
# If you used to have this line in pytorch-pretrained-bert:
loss = model(input_ids, labels=labels)
# Now just use this line in transformers to extract the loss from the output tuple:
2019-07-16 15:03:49 +08:00
outputs = model(input_ids, labels=labels)
loss = outputs[0]
# In transformers you can also have access to the logits:
2019-07-16 15:03:49 +08:00
loss, logits = outputs[:2]
2019-08-07 02:19:14 +08:00
# And even the attention weights if you configure the model to output them (and other outputs too, see the docstrings and documentation)
2019-07-16 15:03:49 +08:00
model = BertForSequenceClassification.from_pretrained('bert-base-uncased', output_attentions=True)
outputs = model(input_ids, labels=labels)
loss, logits, attentions = outputs
```
### Using hidden states
By enabling the configuration option `output_hidden_states`, it was possible to retrieve the last hidden states of the encoder. In `pytorch-transformers` as well as `transformers` the return value has changed slightly: `all_hidden_states` now also includes the hidden state of the embeddings in addition to those of the encoding layers. This allows users to easily access the embeddings final state.
2019-07-16 15:03:49 +08:00
### Serialization
2019-10-02 02:57:18 +08:00
Breaking change in the `from_pretrained()` method:
2019-10-07 01:14:34 +08:00
1. Models are now set in evaluation mode by default when instantiated with the `from_pretrained()` method. To train them, don't forget to set them back in training mode (`model.train()`) to activate the dropout modules.
2019-10-07 01:14:34 +08:00
2. The additional `*input` and `**kwargs` arguments supplied to the `from_pretrained()` method used to be directly passed to the underlying model's class `__init__()` method. They are now used to update the model configuration attribute instead, which can break derived model classes built based on the previous `BertForSequenceClassification` examples. We are working on a way to mitigate this breaking change in [#866](https://github.com/huggingface/transformers/pull/866) by forwarding the the model's `__init__()` method (i) the provided positional arguments and (ii) the keyword arguments which do not match any configuration class attributes.
2019-07-17 03:21:03 +08:00
Also, while not a breaking change, the serialization methods have been standardized and you probably should switch to the new method `save_pretrained(save_directory)` if you were using any other serialization method before.
2019-07-16 15:03:49 +08:00
Here is an example:
```python
### Let's load a model and tokenizer
model = BertForSequenceClassification.from_pretrained('bert-base-uncased')
tokenizer = BertTokenizer.from_pretrained('bert-base-uncased')
### Do some stuff to our model and tokenizer
# Ex: add new tokens to the vocabulary and embeddings of our model
tokenizer.add_tokens(['[SPECIAL_TOKEN_1]', '[SPECIAL_TOKEN_2]'])
model.resize_token_embeddings(len(tokenizer))
# Train our model
train(model)
### Now let's save our model and tokenizer to a directory
model.save_pretrained('./my_saved_model_directory/')
tokenizer.save_pretrained('./my_saved_model_directory/')
### Reload the model and the tokenizer
model = BertForSequenceClassification.from_pretrained('./my_saved_model_directory/')
tokenizer = BertTokenizer.from_pretrained('./my_saved_model_directory/')
```
### Optimizers: BertAdam & OpenAIAdam are now AdamW, schedules are standard PyTorch schedules
The two optimizers previously included, `BertAdam` and `OpenAIAdam`, have been replaced by a single `AdamW` optimizer which has a few differences:
- it only implements weights decay correction,
- schedules are now externals (see below),
- gradient clipping is now also external (see below).
The new optimizer `AdamW` matches PyTorch `Adam` optimizer API and let you use standard PyTorch or apex methods for the schedule and clipping.
2019-07-16 15:03:49 +08:00
The schedules are now standard [PyTorch learning rate schedulers](https://pytorch.org/docs/stable/optim.html#how-to-adjust-learning-rate) and not part of the optimizer anymore.
Here is a conversion examples from `BertAdam` with a linear warmup and decay schedule to `AdamW` and the same schedule:
```python
# Parameters:
lr = 1e-3
max_grad_norm = 1.0
2019-07-16 15:03:49 +08:00
num_total_steps = 1000
num_warmup_steps = 100
warmup_proportion = float(num_warmup_steps) / float(num_total_steps) # 0.1
### Previously BertAdam optimizer was instantiated like this:
optimizer = BertAdam(model.parameters(), lr=lr, schedule='warmup_linear', warmup=warmup_proportion, t_total=num_total_steps)
### and used like this:
for batch in train_data:
loss = model(batch)
loss.backward()
optimizer.step()
### In Transformers, optimizer and schedules are splitted and instantiated like this:
2019-07-16 15:03:49 +08:00
optimizer = AdamW(model.parameters(), lr=lr, correct_bias=False) # To reproduce BertAdam specific behavior set correct_bias=False
scheduler = WarmupLinearSchedule(optimizer, warmup_steps=num_warmup_steps, t_total=num_total_steps) # PyTorch scheduler
### and used like this:
for batch in train_data:
loss = model(batch)
loss.backward()
torch.nn.utils.clip_grad_norm_(model.parameters(), max_grad_norm) # Gradient clipping is not in AdamW anymore (so you can use amp without issue)
2019-07-16 15:03:49 +08:00
optimizer.step()
2019-08-22 04:22:17 +08:00
scheduler.step()
2019-08-05 23:16:56 +08:00
optimizer.zero_grad()
2019-07-16 15:03:49 +08:00
```
2019-07-16 06:12:55 +08:00
## Citation
2018-11-16 21:31:15 +08:00
2019-10-11 22:18:16 +08:00
We now have a paper you can cite for the 🤗 Transformers library:
```
2019-10-21 22:34:14 +08:00
@article{Wolf2019HuggingFacesTS,
title={HuggingFace's Transformers: State-of-the-art Natural Language Processing},
author={Thomas Wolf and Lysandre Debut and Victor Sanh and Julien Chaumond and Clement Delangue and Anthony Moi and Pierric Cistac and Tim Rault and R'emi Louf and Morgan Funtowicz and Jamie Brew},
journal={ArXiv},
year={2019},
volume={abs/1910.03771}
2019-10-11 22:18:16 +08:00
}
```