Important
You are viewing the NeMo 2.0 documentation. This release introduces significant changes to the API and a new library, NeMo Run. We are currently porting all features from NeMo 1.0 to 2.0. For documentation on previous versions or features not yet available in 2.0, please refer to the NeMo 24.07 documentation.
NeMo Megatron#
Megatron-LM [nlp-megatron1] is a large, powerful transformer developed by the Applied Deep Learning Research team at NVIDIA. Currently NeMo Megatron supports 3 types of models:
GPT-style models (decoder only)
T5/BART-style models (encoder-decoder)
BERT-style models (encoder only)
Note
We recommend using NeMo Megatron containers for pre-training, tuning and running inference with large (1B and above) Megatrons.
Model Parallelism#
Megatron-LM is a highly optimized and efficient library for training large language models. With Megatron model parallelism, language models can be trained with billions of weights and then used in NeMo for downstream tasks.
NeMo handles pretrained model parallel checkpoints from Megatron-LM automatically and model parallel models in NeMo have the all the same features as other NeMo Models.
Note
Currently, NeMo only supports tensor model parallelism.
Training#
All of the necessary logic to train model parallel models in NeMo with PyTorch Lightning is contained in the NLPDDPStrategy
.
The NLPDDPStrategy
subclasses the PyTorch Lightning strategy type DDPStrategy
.
See strategies for more information on PyTorch Lightning Strategies
To enable model parallel training in NeMo:
trainer = Trainer(strategy=NLPDDPStrategy(), **cfg.trainer)
Megatron-LM checkpoints have a specific format. One checkpoint is saved for each model parallel rank:
iter_0080000/
├── mp_rank_00
│ └── model_optim_rng.pt
└── mp_rank_01
└── model_optim_rng.pt
To start fine-tuning from a Megatron-LM checkpoint, simply pass the path to the Megatron-LM checkpoint via the language model config:
model.language_model.lm_checkpoint=/raid/megatron/bert/iter_0080000 \
We also need to input the model configuration. This can be done via json:
{
"hidden-size": 1024,
"num-attention-heads": 16,
"num-layers": 24,
"max-seq-length": 512
}
And input via command line:
model.language_model.config_file=/raid/data/megatron/bert/config.json \
Or the model configuration can be input via YAML:
model:
language_model:
config:
hidden_size: 1024
num_attention_heads: 16
num_layers: 24
max_position_embeddings: 512
Additionally, Megatron-LM requires a vocab file:
model.tokenizer.vocab_file=/path/to/vocab.txt
If using the Megatron-LM default tokenizer for training BERT the vocab file can be omitted:
# uncased model
model.tokenizer.tokenizer_name=megatron-bert-uncased
# cased model
model.tokenizer.tokenizer_name=megatron-bert-uncased
Auto-Resume#
Resuming training with NeMo experiment manager and PyTorch Lightning works exactly the same as other NeMo models. While training with PTL, model parallel checkpoint will be saved and loaded properly.
checkpoints/
├── mp_rank_00
│ ├── mp_autoresume-last.ckpt
│ ├── mp_autoresume---val_loss=0.35-epoch=0.ckpt
│ ├── mp_autoresume---val_loss=0.38-epoch=1.ckpt
│ └── mp_autoresume---val_loss=0.39-epoch=2.ckpt
└── mp_rank_01
├── mp_autoresume-last.ckpt
├── mp_autoresume---val_loss=0.35-epoch=0.ckpt
├── mp_autoresume---val_loss=0.38-epoch=1.ckpt
└── mp_autoresume---val_loss=0.39-epoch=2.ckpt
Save and Restore#
Model parallel .nemo files behave the same as all other .nemo files. Calling .save_to
will save
a checkpoint for each model parallel rank inside the .nemo file:
text_class_350m
├── megatron-bert-uncased_encoder_config.json
├── megatron_checkpoint_version.json
├── model_config.yaml
├── mp_rank_00
│ └── model_weights.ckpt
├── mp_rank_01
│ └── model_weights.ckpt
├── tokenizer_vocab_dict.json
└── tokenizer.vocab_file
When restoring a model parallel .nemo file, we must pass in the Trainer
as model parallel requires DDP:
model = TokenClassificationModel.restore_from(cfg.pretrained_model, trainer=trainer)
Evaluation#
Since model parallel models always require more than one GPU, the Trainer
is needed for evaluation:
trainer = pl.Trainer(strategy=NLPDDPStrategy(), **cfg.trainer)
model = TextClassificationModel.restore_from(cfg.model.nemo_path, trainer=trainer)
model.setup_test_data(test_data_config=cfg.model.test_ds)
trainer.test(model=model, ckpt_path=None)
BioMegatron#
BioMegatron has the same network architecture as the Megatron-LM, but is pretrained on a different dataset - PubMed, a large biomedical text corpus, which achieves better performance in biomedical downstream tasks than the original Megatron-LM.
Examples of using BioMegatron on biomedical downstream tasks can be found at (can be executed with Google’s Colab): NeMo/tutorials/nlp/Relation_Extraction-BioMegatron.ipynb and NeMo/tutorials/nlp/Token_Classification-BioMegatron.ipynb.
References#
Mohammad Shoeybi, Mostofa Patwary, Raul Puri, Patrick LeGresley, Jared Casper, and Bryan Catanzaro. Megatron-lm: training multi-billion parameter language models using model parallelism. arXiv preprint arXiv:1909.08053, 2019.