- Notifications
You must be signed in to change notification settings - Fork72
HuggingFace conversion and training library for Megatron-based models
License
NVIDIA-NeMo/Megatron-Bridge
Folders and files
| Name | Name | Last commit message | Last commit date | |
|---|---|---|---|---|
Repository files navigation
NeMo Megatron Bridge is a PyTorch-native library within theNeMo Framework that serves as a powerfulbridge, conversion, and verification layer between 🤗 Hugging Face andMegatron Core. It provides bidirectional checkpoint conversion between these formats, enabling other projects to leverage Megatron Core's parallelism capabilities or export models for various inference engines. The bridge includes built-in verification mechanisms to ensure conversion accuracy and checkpoint integrity across different model formats.
On top of the bridge, NeMo Megatron Bridge provides a performant and scalable PyTorch-native training loop that leveragesMegatron Core to deliver state-of-the-art training throughput. It supports pretraining and fine-tuning with features like tensor and pipeline parallelism, and mixed precision (FP8, BF16, FP4, etc.). Users can either use existing 🤗 Hugging Face models or define custom PyTorch model definitions for flexible end-to-end workflows.
NeMo Megatron Bridge is a refactor of theprevious NeMo training stack that adopts a PyTorch-native training loop to provide greater flexibility and customizability for developers.
The best experience, highest performance, and full feature support are provided by theNeMo Framework container. Fetch the most recent $TAG and run the following to start a container:
docker run --rm -it -w /workdir -v$(pwd):/workdir \ --entrypoint bash \ --gpus all \ nvcr.io/nvidia/nemo:${TAG}
Transformer Engine is a required dependency for Megatron Bridge. To install on bare metal (without a container), the following system requirements must be met:
- Python >= 3.10
- PyTorch >= 2.7
- CUDA >= 12.8
- cuDNN >= 9.3
We recommend installing the same versions that are present in the latest NGC PyTorch containers. The versions of these components for each container release are listed in thePyTorch andCUDA container release notes.
Please see theinstructions for installing cuDNN for your target platform. You can check if the CUDA toolkit and cuDNN are installed with:
dpkg -l| grep'cuda-toolkit'dpkg -l| grep'cudnn.*cuda'
Then install Megatron Bridge:
pip install torch setuptools pybind11 wheel_stub# Required for TEpip install --no-build-isolation megatron-bridgeuv pip install torch --torch-backend=autouv pip install --no-build-isolation transformer_engine[pytorch]uv pip install megatron-bridge
For development installation and additional details, please refer to ourContribution guide.
To get started, install Megatron Bridge or download a NeMo Framework container as describedabove.
Log in to Hugging Face Hub:
huggingface-cli login --token<your token>
Conversion-only quickstart (✅ Core):
frommegatron.bridgeimportAutoBridge# 1) Create a bridge from a Hugging Face model (hub or local path)bridge=AutoBridge.from_hf_pretrained("meta-llama/Llama-3.2-1B",trust_remote_code=True)# 2) Get a Megatron provider and configure parallelism before instantiationprovider=bridge.to_megatron_provider()provider.tensor_model_parallel_size=1provider.pipeline_model_parallel_size=1provider.finalize()# 3) Materialize Megatron Core model(s)model=provider.provide_distributed_model(wrap_with_ddp=False)# 4a) Export Megatron → Hugging Face (full HF folder with config/tokenizer/weights)bridge.save_hf_pretrained(model,"./hf_exports/llama32_1b")# 4b) Or stream only weights (Megatron → HF)forname,weightinbridge.export_hf_weights(model,cpu=True):print(name,tuple(weight.shape))
Training quickstart:
frommegatron.bridgeimportAutoBridgeimportmegatron.bridge.recipes.llama.llama32_1basllama32_1bfrommegatron.bridge.training.gpt_stepimportforward_stepfrommegatron.bridge.training.pretrainimportpretrainif__name__=="__main__":# Load Llama from Hugging Face Hub and convert to Megatronbridge=AutoBridge.from_hf_pretrained("meta-llama/Llama-3.2-1B")model_provider=bridge.to_megatron_provider()# Get defaults for other configuration from an existing Llama 3.2 recipecfg=llama32_1b.pretrain_config()cfg.model=model_providercfg.train.train_iters=10cfg.dataset.seq_length=cfg.model.seq_lengthcfg.tokenizer.vocab_size=cfg.model.vocab_sizepretrain(cfg,forward_step)
You can launch the above script with:
torchrun --nproc-per-node=<num devices> /path/to/script.py
More examples:
- Conversion scripts overview
- Import/Export checkpoints
- Generation with bridge
- Multi-GPU loading from HF
- Compare HF vs Megatron outputs
For a deeper dive into conversion design and advanced usage, see themodels README.
- Bridge with 🤗 Hugging Face: Seamless bidirectional conversion between 🤗 Hugging Face and Megatron formats for interoperability (model bridges,auto bridge,conversion examples)
- Online import/export without intermediate full checkpoints
- Parallelism-aware (TP/PP/VPP/CP/EP/ETP) during conversion
- Memory-efficient per-parameter streaming
- Simple high-level
AutoBridgeAPI with architecture auto-detection - Optimized paths when Transformer Engine is available
- Flexible to Customize: Lightweight custom training loop making it easy to configure custom logic in data loading, distributed training, checkpointing, evaluation and logging (training framework,training utilities)
- Supervised & Parameter-Efficient Finetuning: SFT & PEFT implementation tailored for Megatron-based models that supports LoRA, DoRA, and user-defined PEFT methods (PEFT implementations,finetune module,SFT dataset)
- SOTA Training Recipes: Pre-configured production-ready training recipes for popular models like Llama 3, with optimized hyperparameters and distributed training configuration (Llama recipes,recipe examples)
- Performance Optimization: Built-in support for FP8 training, model parallelism, and memory-efficient techniques to offer high utilization and near-linear scalability to thousands of nodes. (mixed precision,communication overlap,optimizer utilities)
Megatron Bridge provides out-of-the-box bridges and training recipes for a wide range of models, built on top of base model architectures fromMegatron Core. Refer to themodels directory for the most up-to-date list of model bridges.
| Model | Bridge Conversion | Pretrain Recipes | SFT & LoRA Recipes |
|---|---|---|---|
| Llama 3 | ✅ | ✅ (8b,70b) | Coming soon |
| Llama 3.1 | ✅ | ✅ (8b,70b,405b) | Coming soon |
| Llama 3.2 | ✅ | ✅ (1b,3b) | Coming soon |
| Llama 3.3 | ✅ | Coming soon | Coming soon |
| Qwen2 | ✅ | ✅ (500m,1.5b,7b,72b) | Coming soon |
| Qwen2.5 | ✅ | ✅ (500m,1.5b,7b,14b,32b,72b) | Coming soon |
| Qwen3 | ✅ | ✅ (600m,1.7b,4b,8b,14b,32b) | Coming soon |
| Qwen3-MoE | ✅ | ✅ (A3B,A22B) | Coming soon |
| Qwen2.5-VL | ✅ | Coming soon | Coming soon |
| DeepSeek V2 Lite | ✅ | ✅ (v2-lite) | Coming soon |
| DeepSeek V2 | ✅ | ✅ (v2) | Coming soon |
| DeepSeek V3 | ✅ | ✅ (v3) | Coming soon |
| Moonlight | ✅ | Coming soon | Coming soon |
All recipes are ready to train out of the box, using mock data by default. For an example of how to override the default configuration through YAML or Hydra-style CLI overrides, please have a look at thisscript. The script can then be launched withtorchrun. For example, with the aforementioned script:
torchrun --nproc-per-node=2 pretrain_llama3_8b.py model.tensor_model_parallel_size=1<additional overrides ...>
Optionally, Megatron Bridge also supports launching withNeMo-Run. See the following examples for reference on launching with NeMo-Run:
These examples can also be run as-is with the Llama 3 8B recipe (with NeMo-Run installed).
Launch Llama 3 8B pretraining with NeMo-Run'srun.Script:
uv run python pretrain_llama3_8b_nemo_run_script.py \ --nproc-per-node=2 \ model.pipeline_model_parallel_size=1 \ train.train_iters=10# this script passes Hydra-style overrides to the target scriptLaunch Llama 3 8B pretraining with NeMo-Run'srun.Partial:
uv run python pretrain_llama3_8b_nemo_run_partial.py \ --nproc-per-node=2
Coming soon ...
Megatron-Bridge/├── examples/│ ├── models/ # Bridge usage examples│ └── recipes/ # Training examples├── src/megatron/bridge/│ ├── data/ # Dataloaders and iterators│ ├── models/ # Hugging Face bridge infrastructure and model-specific implementations│ │ ├── llama/ # Llama model providers│ │ └── .../ # Other models (gpt, t5, etc.)│ ├── peft/ # PEFT transformations and wrappers│ ├── recipes/ # Complete training recipes│ ├── training/ # Training loop components│ │ ├── tokenizers/ # Tokenizer library│ │ └── utils/ # Training-specific utilities│ └── utils/ # Generic utilities for repo-wide usage└── tests/ # Comprehensive test suiteWe welcome community contributions! Please see ourContributor Guidelines for more information on how to get involved.
About
HuggingFace conversion and training library for Megatron-based models
Resources
License
Contributing
Uh oh!
There was an error while loading.Please reload this page.
