Skip to content

Lightning-AI/pytorch-lightning

Folders and files

NameName
Last commit message
Last commit date

Latest commit

 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
Lightning

The Deep Learning framework to train, deploy, and ship AI products Lightning fast.

NEW- Lightning 2.0 is featuring a clean and stable API!!


Lightning.ai • PyTorch Lightning • Fabric • Lightning Apps • Docs • Community • Contribute •

PyPI - Python Version PyPI Status PyPI Status Conda DockerHub codecov

ReadTheDocs Discord license

Install Lightning

Simple installation from PyPI

pip install lightning
Other installation options

Install with optional dependencies

pip install lightning['extra']

Conda

conda install lightning -c conda-forge

Install stable version

Install future release from the source

pip install https://github.com/Lightning-AI/lightning/archive/refs/heads/release/stable.zip -U

Install bleeding-edge

Install nightly from the source (no guarantees)

pip install https://github.com/Lightning-AI/lightning/archive/refs/heads/master.zip -U

or from testing PyPI

pip install -iU https://test.pypi.org/simple/ pytorch-lightning

Lightning has 3 core packages

  • [PyTorch Lightning: Train and deploy PyTorch at scale](#PyTorch Lightning: Train and deploy PyTorch at scale).
  • Lightning Fabric: Expert-level control over scale and training loop.
  • Lightning Apps: Build AI products and ML workflows.

PyTorch Lightning: Train and deploy PyTorch at scale

PyTorch Lightning is just organized PyTorch - Lightning disentangles PyTorch code to decouple the science from the engineering.

PT to PL


Hello simple model

# main.py # ! pip install torchvision import os, torch, torch.nn as nn, torch.utils.data as data, torchvision as tv, torch.nn.functional as F import lightning as L # -------------------------------- # Step 1: Define a LightningModule  # -------------------------------- # A LightningModule (nn.Module subclass) defines a full *system*  # (ie: an LLM, difussion model, autoencoder, or simple image classifier). class LitAutoEncoder(L.LightningModule): def __init__(self): super().__init__() self.encoder = nn.Sequential(nn.Linear(28 * 28, 128), nn.ReLU(), nn.Linear(128, 3)) self.decoder = nn.Sequential(nn.Linear(3, 128), nn.ReLU(), nn.Linear(128, 28 * 28)) def forward(self, x): # in lightning, forward defines the prediction/inference actions embedding = self.encoder(x) return embedding def training_step(self, batch, batch_idx): # training_step defines the train loop. It is independent of forward x, y = batch x = x.view(x.size(0), -1) z = self.encoder(x) x_hat = self.decoder(z) loss = F.mse_loss(x_hat, x) self.log("train_loss", loss) return loss def configure_optimizers(self): optimizer = torch.optim.Adam(self.parameters(), lr=1e-3) return optimizer # ------------------- # Step 2: Define data # ------------------- dataset = tv.datasets.MNIST(os.getcwd(), download=True, transform=tv.transforms.ToTensor()) train, val = data.random_split(dataset, [55000, 5000]) # ------------------- # Step 3: Train # ------------------- autoencoder = LitAutoEncoder() trainer = L.Trainer() trainer.fit(autoencoder, data.DataLoader(train), data.DataLoader(val))

Run the model on your terminal

pip install torchvision python main.py

Advanced features

Lightning has over 40+ advanced features designed for professional AI research at scale.

Here are some examples:

Train on 1000s of GPUs without code changes
# 8 GPUs # no code changes needed trainer = Trainer(accelerator="gpu", devices=8) # 256 GPUs trainer = Trainer(accelerator="gpu", devices=8, num_nodes=32)
Train on other accelerators like TPUs without code changes
# no code changes needed trainer = Trainer(accelerator="tpu", devices=8)
16-bit precision
# no code changes needed trainer = Trainer(precision=16)
Experiment managers
from lightning import loggers # tensorboard trainer = Trainer(logger=TensorBoardLogger("logs/")) # weights and biases trainer = Trainer(logger=loggers.WandbLogger()) # comet trainer = Trainer(logger=loggers.CometLogger()) # mlflow trainer = Trainer(logger=loggers.MLFlowLogger()) # neptune trainer = Trainer(logger=loggers.NeptuneLogger()) # ... and dozens more
Early Stopping
es = EarlyStopping(monitor="val_loss") trainer = Trainer(callbacks=[es])
Checkpointing
checkpointing = ModelCheckpoint(monitor="val_loss") trainer = Trainer(callbacks=[checkpointing])
Export to torchscript (JIT) (production use)
# torchscript autoencoder = LitAutoEncoder() torch.jit.save(autoencoder.to_torchscript(), "model.pt")
Export to ONNX (production use)
# onnx with tempfile.NamedTemporaryFile(suffix=".onnx", delete=False) as tmpfile: autoencoder = LitAutoEncoder() input_sample = torch.randn((1, 64)) autoencoder.to_onnx(tmpfile.name, input_sample, export_params=True) os.path.isfile(tmpfile.name)

Advantages over unstructured PyTorch

  • Models become hardware agnostic
  • Code is clear to read because engineering code is abstracted away
  • Easier to reproduce
  • Make fewer mistakes because lightning handles the tricky engineering
  • Keeps all the flexibility (LightningModules are still PyTorch modules), but removes a ton of boilerplate
  • Lightning has dozens of integrations with popular machine learning tools.
  • Tested rigorously with every new PR. We test every combination of PyTorch and Python supported versions, every OS, multi GPUs and even TPUs.
  • Minimal running speed overhead (about 300 ms per epoch compared with pure PyTorch).


Lightning Fabric: Expert-level control over scale and training loop.

Run on any device with Fabric with expert-level PyTorch control for scaling foundation models or writing your own Trainer.

Fabric is designed for the most complex models like foundation model scaling, LLMs, diffussion, transformers, reinforcement learning, active learning.

+ import lightning as L import torch import torch.nn as nn from torch.utils.data import DataLoader, Dataset class PyTorchModel(nn.Module): ... class PyTorchDataset(Dataset): ... + fabric = L.Fabric(accelerator="cuda", devices=8, strategy="ddp") + fabric.launch() - device = "cuda" if torch.cuda.is_available() else "cpu model = PyTorchModel(...) optimizer = torch.optim.SGD(model.parameters()) + model, optimizer = fabric.setup(model, optimizer) dataloader = DataLoader(PyTorchDataset(...), ...) + dataloader = fabric.setup_dataloaders(dataloader) model.train() for epoch in range(num_epochs): for batch in dataloader: input, target = batch - input, target = input.to(device), target.to(device) optimizer.zero_grad() output = model(input) loss = loss_fn(output, target) - loss.backward() + fabric.backward(loss) optimizer.step() lr_scheduler.step()

Fabric vs PyTorch vs PyTorch Lightning

In the spectrum from raw PyTorch to fully managed PyTorch Lightning, Fabric gives you full control over how much abstraction you want to add.

Key features

  • Easily switch from running on CPU to GPU (Apple Silicon, CUDA, …), TPU, multi-GPU or even multi-node training
  • Use state-of-the-art distributed training strategies (DDP, FSDP, DeepSpeed) and mixed precision out of the box
  • All the device logic boilerplate is handled for you
  • Designed with multi-billion parameter models in mind
  • Build your own custom Trainer using Fabric primitives for training checkpointing, logging, and more


Lightning Apps: Build AI products and ML workflows

Once you're done building models, publish a paper demo or build a full production end-to-end ML system with Lightning Apps. Lightning Apps remove the cloud infrastructure boilerplate so you can focus on solving the research or business problems. Lightning Apps can run on the Lightning Cloud, your own cluster or a private cloud.

Browse available Lightning apps here

Learn more about apps

Build machine learning components that can plug into existing ML workflows. A Lightning component organizes arbitrary code to run on the cloud, manage its own infrastructure, cloud costs, networking, and more. Focus on component logic and not engineering.

Use components on their own, or compose them into full-stack AI apps with our next-generation Lightning orchestrator. to package your code into Lightning components which can plug into your existing ML workflows.

Run your first Lightning App

  1. Install a simple training and deployment app by typing:

    # install lightning pip install lightning lightning install app lightning/quick-start
  2. If everything was successful, move into the new directory:

    cd lightning-quick-start
  3. Run the app locally

    lightning run app app.py
  4. Alternatively, run it on the public Lightning Cloud to share your app!

    lightning run app app.py --cloud

Apps run the same on the cloud and locally on your choice of hardware.

run the app on the --cloud

lightning run app app.py --setup --cloud


Examples

Self-supervised Learning
Convolutional Architectures
Reinforcement Learning
GANs
Classic ML

Continuous Integration

Lightning is rigorously tested across multiple CPUs, GPUs, TPUs, IPUs, and HPUs and against major Python and PyTorch versions.

*Codecov is > 90%+ but build delays may show less
Current build statuses
System / PyTorch ver. 1.11 1.12 1.13 2.0
Linux py3.9 [GPUs] - Build Status Build Status Soon
Linux py3.9 [TPUs] - Test PyTorch - TPU Soon
Linux py3.8 [IPUs] - - Build Status Soon
Linux py3.8 [HPUs] - - Build Status Soon
Linux (multiple Python versions) Test PyTorch Test PyTorch Test PyTorch Soon
OSX (multiple Python versions) Test PyTorch Test PyTorch Test PyTorch Soon
Windows (multiple Python versions) Test PyTorch Test PyTorch Test PyTorch Soon

Community

The lightning community is maintained by

  • 10+ core contributors who are all a mix of professional engineers, Research Scientists, and Ph.D. students from top AI labs.
  • 590+ active community contributors.

Want to help us build Lightning and reduce boilerplate for thousands of researchers? Learn how to make your first contribution here

Lightning is also part of the PyTorch ecosystem which requires projects to have solid testing, documentation and support.

Asking for help

If you have any questions please:

  1. Read the docs.
  2. Search through existing Discussions, or add a new question
  3. Join our discord.