torchtitan
is currently in a pre-release state and under extensive development. We showcase training Llama 3.1 LLMs at scale, and are working on other types of generative AI models, including LLMs with MoE architectures, multimodal LLMs, and diffusion models, in the experiments
folder.
To use the latest features of torchtitan
, we recommend using the most recent PyTorch nightly.
- [2025/04] Our paper has been accepted by ICLR 2025. The poster will be presented on Friday April 25th.
- [2025/04] Llama 4 initial support is available as an experiment.
- [2025/04] Training the diffusion model FLUX with FSDP/HSDP is available as an experiment.
- [2025/04] The frontend implementation of SimpleFSDP, a compiler-based FSDP framework, is available as an experiment.
- [2024/12] GPU MODE lecture on torchtitan.
- [2024/11] Presentation at an AI/ML Infra Meetup.
- [2024/07] Presentation at PyTorch Conference 2024.
- [2024/04] Intro video - learn more about
torchtitan
in under 4 minutes.
torchtitan
is a PyTorch native platform designed for rapid experimentation and large-scale training of generative AI models. As a minimal clean-room implementation of PyTorch native scaling techniques, torchtitan
provides a flexible foundation for developers to build upon. With torchtitan
extension points, one can easily create custom extensions tailored to specific needs.
Our mission is to accelerate innovation in the field of generative AI by empowering researchers and developers to explore new modeling architectures and infrastructure techniques.
The guiding principles when building torchtitan
- Designed to be easy to understand, use and extend for different training purposes.
- Minimal changes to the model code when applying multi-dimensional parallelism.
- Bias towards a clean, minimal codebase while providing basic reusable / swappable components.
torchtitan
has been showcasing PyTorch's latest distributed training features, via pretraining Llama 3.1 LLMs of various sizes.
To accelerate contributions to and innovations around torchtitan, we are hosting a new experiments
folder. We look forward to your contributions!
- Multi-dimensional composable parallelisms
- FSDP2 with per-parameter sharding
- Tensor Parallel (including async TP)
- Pipeline Parallel
- Context Parallel
- Meta device initialization
- Selective (layer or operator) and full activation checkpointing
- Distributed checkpointing (including async checkpointing)
- Interoperable checkpoints which can be loaded directly into
torchtune
for fine-tuning
- Interoperable checkpoints which can be loaded directly into
torch.compile
support- Float8 support (how-to)
- DDP and HSDP
- TorchFT integration
- Checkpointable data-loading, with the C4 dataset pre-configured (144M entries) and support for custom datasets
- Flexible learning rate scheduler (warmup-stable-decay)
- Loss, GPU memory, throughput (tokens/sec), TFLOPs, and MFU displayed and logged via Tensorboard or Weights & Biases
- Debugging tools including CPU/GPU profiling, memory profiling, Flight Recorder, etc.
- All options easily configured via toml files
- Helper scripts to
- download tokenizers from Hugging Face
- convert original Llama 3 checkpoints into the expected DCP format
- estimate FSDP/HSDP memory usage without materializing the model
- run distributed inference with Tensor Parallel
We report performance on up to 512 GPUs, and verify loss converging correctness of various techniques.
You may want to see how the model is defined or how parallelism techniques are applied. For a guided tour, see these files first:
- torchtitan/train.py - the main training loop and high-level setup code
- torchtitan/models/llama3/model.py - the Llama 3.1 model definition
- torchtitan/models/llama3/parallelize_llama.py - helpers for applying Data Parallel, Tensor Parallel, activation checkpointing, and
torch.compile
to the model - torchtitan/models/llama3/pipeline_llama.py - helpers for applying Pipeline Parallel to the model
- torchtitan/components/checkpoint.py - utils for saving/loading distributed checkpoints
- torchtitan/components/float8.py - utils for applying Float8 techniques
git clone https://github.com/pytorch/torchtitan
cd torchtitan
pip install -r requirements.txt
pip3 install --pre torch --index-url https://download.pytorch.org/whl/nightly/cu126 --force-reinstall
[For AMD GPU] pip3 install --pre torch --index-url https://download.pytorch.org/whl/nightly/rocm6.3 --force-reinstall
torchtitan
currently supports training Llama 3.1 (8B, 70B, 405B) out of the box. To get started training these models, we need to download a tokenizer.model. Follow the instructions on the official meta-llama repository to ensure you have access to the Llama model weights.
Once you have confirmed access, you can run the following command to download the Llama 3.1 tokenizer to your local machine.
# Get your HF token from https://huggingface.co/settings/tokens
# Llama 3.1 tokenizer.model
python scripts/download_tokenizer.py --repo_id meta-llama/Meta-Llama-3.1-8B --tokenizer_path "original" --hf_token=...
Llama 3 8B model locally on 8 GPUs
CONFIG_FILE="./torchtitan/models/llama3/train_configs/llama3_8b.toml" ./run_train.sh
For training on ParallelCluster/Slurm type configurations, you can use the multinode_trainer.slurm
file to submit your sbatch job.
To get started adjust the number of nodes and GPUs
#SBATCH --ntasks=2
#SBATCH --nodes=2
Then start a run where nnodes
is your total node count, matching the sbatch node count above.
srun torchrun --nnodes 2
If your gpu count per node is not 8, adjust --nproc_per_node
in the torchrun command and #SBATCH --gpus-per-task
in the SBATCH command section.
We provide a detailed look into the parallelisms and optimizations available in torchtitan
, along with summary advice on when to use various techniques.
TorchTitan: One-stop PyTorch native solution for production ready LLM pre-training
@inproceedings{
liang2025torchtitan,
title={TorchTitan: One-stop PyTorch native solution for production ready {LLM} pretraining},
author={Wanchao Liang and Tianyu Liu and Less Wright and Will Constable and Andrew Gu and Chien-Chin Huang and Iris Zhang and Wei Feng and Howard Huang and Junjie Wang and Sanket Purandare and Gokul Nadathur and Stratos Idreos},
booktitle={The Thirteenth International Conference on Learning Representations},
year={2025},
url={https://openreview.net/forum?id=SFN6Wm7YBI}
}
Source code is made available under a BSD 3 license, however you may have other legal obligations that govern your use of other content linked in this repository, such as the license or terms of service for third-party data and models.