PyTorch Lightning Guide 0.8.5
PyTorch Lightning Guide 0.8.5
Release 0.8.5-dev
1 Quick Start 1
2 Introduction Guide 7
3 Fast Performance 33
4 Callbacks 37
5 LightningModule 47
6 Loggers 79
7 Metrics 93
9 Trainer 135
10 Bolts 163
14 Debugging 173
19 Hyperparameters 189
i
23 Saving and loading weights 213
24 Optimization 217
33 Contributing 247
Index 525
ii
CHAPTER
ONE
QUICK START
PyTorch Lightning is nothing more than organized PyTorch code. Once you’ve organized it into a LightningModule,
it automates most of the training for you.
To illustrate, here’s the typical PyTorch project structure organized in a LightningModule.
1
PyTorch-Lightning Documentation, Release 0.8.5-dev
import os
import torch
from torch.nn import functional as F
from torch.utils.data import DataLoader
from torchvision.datasets import MNIST
from torchvision import transforms
from pytorch_lightning.core.lightning import LightningModule
class LitModel(LightningModule):
def __init__(self):
super().__init__()
self.l1 = torch.nn.Linear(28 * 28, 10)
def configure_optimizers(self):
return torch.optim.Adam(self.parameters(), lr=0.001)
def train_dataloader(self):
dataset = MNIST(os.getcwd(), train=True, download=True, transform=transforms.
˓→ToTensor())
model = LitModel()
model = LitModel()
torch.set_grad_enabled(True)
model.train()
train_dataloader = model.train_dataloader()
optimizer = model.configure_optimizers()
optimizer.step()
optimizer.zero_grad()
class LitModel(LightningModule):
def val_dataloader(self):
# TODO: do a real train/val split
dataset = MNIST(os.getcwd(), train=False, download=True, transform=transforms.
˓→ToTensor())
And now the trainer will call the validation loop automatically
# ...
for batch in train_dataloader:
loss = model.training_step()
loss.backward()
# ...
if validate_at_some_point:
torch.set_grad_enabled(False)
model.eval()
val_outs = []
(continues on next page)
model.validation_epoch_end(val_outs)
torch.set_grad_enabled(True)
model.train()
The beauty of Lightning is that it handles the details of when to validate, when to call .eval(), turning off gradients,
detaching graphs, making sure you don’t enable shuffle for val, etc. . .
Note: Lightning removes all the million details you need to remember during research
class LitModel(LightningModule):
def test_dataloader(self):
# TODO: do a real train/val split
dataset = MNIST(os.getcwd(), train=False, download=True, transform=transforms.
˓→ToTensor())
However, this time you need to specifically call test (this is done so you don’t use the test set by mistake)
# OPTION 1:
# test after fit
trainer.fit(model)
trainer.test()
# OPTION 2:
# test after loading weights
model = LitModel.load_from_checkpoint(PATH)
trainer = Trainer(tpu_cores=1)
trainer.test()
torch.set_grad_enabled(False)
model.eval()
test_outs = []
for test_batch in model.test_dataloader:
test_out = model.test_step(val_batch)
test_outs.append(test_out)
model.test_epoch_end(test_outs)
1.5 Datasets
If you don’t want to define the datasets as part of the LightningModule, just pass them into fit instead.
# pass in datasets if you want.
train_dataloader = DataLoader(dataset, batch_size=32, num_workers=4)
val_dataloader, test_dataloader = ...
trainer.test(test_dataloader=test_dataloader)
The advantage of this method is the ability to reuse models for different datasets. The disadvantage is that for research
it makes readability and reproducibility more difficult. This is why we recommend to define the datasets in the
LightningModule if you’re doing research, but use the method above for production models or for prediction tasks.
Notice the code above has nothing about .cuda() or 16-bit or early stopping or logging, etc. . . This is where Lightning
adds a ton of value.
Without changing a SINGLE line of your code, you can now do the following with the above code
# train on TPUs using 16 bit precision with early stopping
# using only half the training data and checking validation every quarter of a
˓→training epoch
trainer = Trainer(
tpu_cores=8,
precision=16,
early_stop_checkpoint=True,
limit_train_batches=0.5,
val_check_interval=0.25
)
1.5. Datasets 5
PyTorch-Lightning Documentation, Release 0.8.5-dev
And the best part is that your code is STILL just PyTorch. . . meaning you can do anything you would normally do.
model = LitModel()
model.eval()
y_hat = model(x)
model.anything_you_can_do_with_pytorch()
1.7 Summary
TWO
INTRODUCTION GUIDE
PyTorch Lightning provides a very simple template for organizing your PyTorch code. Once you’ve organized it into
a LightningModule, it automates most of the training for you.
To illustrate, here’s the typical PyTorch project structure organized in a LightningModule.
As your project grows in complexity with things like 16-bit precision, distributed training, etc. . . the part in blue
quickly becomes onerous and starts distracting from the core research code.
7
PyTorch-Lightning Documentation, Release 0.8.5-dev
This guide walks through the major parts of the library to help you understand what each parts does. But at the end
of the day, you write the same PyTorch code. . . just organize it into the LightningModule template which means you
keep ALL the flexibility without having to deal with any of the boilerplate code
To show how Lightning works, we’ll start with an MNIST classifier. We’ll end showing how to use inheritance to very
quickly create an AutoEncoder.
Note: Any DL/ML PyTorch project fits into the Lightning structure. Here we just focus on 3 types of research to
illustrate.
Or with conda
conda install pytorch-lightning -c conda-forge
In the MNIST generation example, the research code would be the particular system and how it’s trained (ie: A GAN
or VAE). In Lightning, this code is abstracted out by the LightningModule.
l1 = nn.Linear(...)
l2 = nn.Linear(...)
decoder = Decoder()
x1 = l1(x)
(continues on next page)
The Engineering code is all the code related to training this system. Things such as early stopping, distribution over
GPUs, 16-bit precision, etc. This is normally code that is THE SAME across most projects.
In Lightning, this code is abstracted out by the Trainer.
model.cuda(0)
x = x.cuda(0)
distributed = DistributedParallel(model)
with gpu_zero:
download_data()
dist.barrier()
This is code that helps the research but isn’t relevant to the research code. Some examples might be: 1. Inspect
gradients 2. Log to tensorboard.
In Lightning this code is abstracted out by Callbacks.
# log samples
z = Q.rsample()
generated = decoder(z)
self.experiment.log('images', generated)
import torch
from torch.nn import functional as F
from torch import nn
from pytorch_lightning.core.lightning import LightningModule
class LitMNIST(LightningModule):
def __init__(self):
super().__init__()
# layer 1
x = self.layer_1(x)
x = torch.relu(x)
# layer 2
x = self.layer_2(x)
x = torch.relu(x)
# layer 3
x = self.layer_3(x)
return x
net = LitMNIST()
x = torch.Tensor(1, 1, 28, 28)
out = net(x)
Out:
torch.Size([1, 10])
2.4.2 Data
The Lightning Module organizes your dataloaders and data processing as well. Here’s the PyTorch code for loading
MNIST
# transforms
# prepare transforms standard to MNIST
transform=transforms.Compose([transforms.ToTensor(),
transforms.Normalize((0.1307,), (0.3081,))])
# data
mnist_train = MNIST(os.getcwd(), train=True, download=True)
mnist_train = DataLoader(mnist_train, batch_size=64)
When using PyTorch Lightning, we use the exact same code except we organize it into the LightningModule
class LitMNIST(LightningModule):
def train_dataloader(self):
transform=transforms.Compose([transforms.ToTensor(),
transforms.Normalize((0.1307,), (0.3081,))])
mnist_train = MNIST(os.getcwd(), train=True, download=False,
transform=transform)
return DataLoader(mnist_train, batch_size=64)
Notice the code is exactly the same, except now the training dataloading has been organized by the LightningModule
under the train_dataloader method. This is great because if you run into a project that uses Lightning and want to
figure out how they prepare their training data you can just look in the train_dataloader method.
Usually though, we want to separate the things that write to disk in data-processing from things like transforms which
happen in memory. This is only relevant in multi-GPU or TPU training.
class LitMNIST(LightningModule):
def prepare_data(self):
# download only (not called on every GPU, just the root GPU per node)
MNIST(os.getcwd(), train=True, download=True)
def train_dataloader(self):
# no download, just transform
transform=transforms.Compose([transforms.ToTensor(),
transforms.Normalize((0.1307,), (0.3081,))])
mnist_train = MNIST(os.getcwd(), train=True, download=False,
transform=transform)
return DataLoader(mnist_train, batch_size=64)
Doing it in the prepare_data method ensures that when you have multiple GPUs you won’t overwrite the data. This is
a contrived example but it gets more complicated with things like NLP or Imagenet.
prepare_data gets called on the LOCAL_RANK=0 GPU per node. If your nodes share a file system, set
Trainer(prepare_data_per_node=False) and it will be code from node=0, gpu=0 only.
In general fill these methods with the following:
class LitMNIST(LightningModule):
def prepare_data(self):
# stuff here is done once at the very beginning of training
# before any distributed training starts
# download stuff
# save to disk
# etc...
...
def train_dataloader(self):
# data transforms
# dataset creation
# return a DataLoader
...
Sometimes a model needs to know about the data to be built (ie: number of classes or vocab size). In this case we
recommend the following:
1. use prepare_data to download and process the dataset.
2. use setup to do splits, and build your model internals
class LitMNIST(LightningModule):
def __init__(self):
self.l1 = None
def prepare_data(self):
download_data()
tokenize()
2.4.4 Optimizer
Next we choose what optimizer to use for training our system. In PyTorch we do it as follows:
class LitMNIST(LightningModule):
def configure_optimizers(self):
return Adam(self.parameters(), lr=1e-3)
class LitMNIST(LightningModule):
def configure_optimizers(self):
return Adam(self.generator(), lr=1e-3), Adam(self.discriminator(), lr=1e-3)
loss.backward()
optimizer.step()
optimizer.zero_grad()
In Lightning, everything that is in the training step gets organized under the training_step function in the Lightning-
Module
class LitMNIST(LightningModule):
Again, this is the same PyTorch code except that it has been organized by the LightningModule. This code is not
restricted which means it can be as complicated as a full seq-2-seq, RL loop, GAN, etc. . .
2.5 Training
So far we defined 4 key ingredients in pure PyTorch but organized the code inside the LightningModule.
1. Model.
2. Training data.
3. Optimizer.
4. What happens in the training loop.
For clarity, we’ll recall that the full LightningModule now looks like this.
class LitMNIST(LightningModule):
def __init__(self):
super().__init__()
self.layer_1 = torch.nn.Linear(28 * 28, 128)
self.layer_2 = torch.nn.Linear(128, 256)
self.layer_3 = torch.nn.Linear(256, 10)
def train_dataloader(self):
transform=transforms.Compose([transforms.ToTensor(),
transforms.Normalize((0.1307,), (0.3081,))])
mnist_train = MNIST(os.getcwd(), train=True, download=False,
˓→transform=transform)
def configure_optimizers(self):
return Adam(self.parameters(), lr=1e-3)
# add logging
logs = {'loss': loss}
return {'loss': loss, 'log': logs}
Again, this is the same PyTorch code, except that it’s organized by the LightningModule. This organization now lets
us train this model
model = LitMNIST()
trainer = Trainer()
trainer.fit(model)
You should see the following weights summary and progress bar
2.5.2 Logging
When we added the log key in the return dictionary it went into the built in tensorboard logger. But you could have
also logged by calling:
def training_step(self, batch, batch_idx):
# ...
loss = ...
self.logger.summary.scalar('loss', loss)
But the beauty is all the magic you can do with the trainer flags. For instance, to run this model on a GPU:
model = LitMNIST()
trainer = Trainer(gpus=1)
trainer.fit(model)
Or multiple nodes
# (32 GPUs)
model = LitMNIST()
trainer = Trainer(gpus=8, num_nodes=4, distributed_backend='ddp')
trainer.fit(model)
2.5. Training 15
PyTorch-Lightning Documentation, Release 0.8.5-dev
2.5.5 TPUs
Did you know you can use PyTorch on TPUs? It’s very hard to do, but we’ve worked with the xla team to use their
awesome library to get this to work out of the box!
Let’s train on Colab (full demo available here)
First, change the runtime to TPU (and reinstall lightning).
Next, install the required xla library (adds support for PyTorch on TPUs)
!curl https://raw.githubusercontent.com/pytorch/xla/master/contrib/scripts/env-setup.py -o pytorch-xla-
env-setup.py !python pytorch-xla-env-setup.py –version nightly –apt-packages libomp5 libopenblas-dev
In distributed training (multiple GPUs and multiple TPU cores) each GPU or TPU core will run a copy of this program.
This means that without taking any care you will download the dataset N times which will cause all sorts of issues.
To solve this problem, move the download code to the prepare_data method in the LightningModule. In this method
we do all the preparation we need to do once (instead of on every gpu).
prepare_data can be called in two ways, once per node or only on the root node
2.5. Training 17
PyTorch-Lightning Documentation, Release 0.8.5-dev
(Trainer(prepare_data_per_node=False)).
class LitMNIST(LightningModule):
def prepare_data(self):
# download only
MNIST(os.getcwd(), train=True, download=True, transform=transforms.ToTensor())
MNIST(os.getcwd(), train=False, download=True, transform=transforms.
˓→ToTensor())
# train/val split
mnist_train, mnist_val = random_split(mnist_train, [55000, 5000])
def train_dataloader(self):
return DataLoader(self.train_dataset, batch_size=64)
def val_dataloader(self):
return DataLoader(self.val_dataset, batch_size=64)
def test_dataloader(self):
return DataLoader(self.test_dataset, batch_size=64)
The prepare_data method is also a good place to do any data processing that needs to be done only once (ie: download
or tokenize, etc. . . ).
Note: Lightning inserts the correct DistributedSampler for distributed training. No need to add yourself!
Now we can train the LightningModule on a TPU without doing anything else!
model = LitMNIST()
trainer = Trainer(tpu_cores=8)
trainer.fit(model)
2.6 Hyperparameters
Lightning has utilities to interact seamlessly with the command line ArgumentParser and plays well with the hyperpa-
rameter optimization framework of your choice.
2.6.1 ArgumentParser
Lightning is designed to augment a lot of the functionality of the built-in Python ArgumentParser
2.6. Hyperparameters 19
PyTorch-Lightning Documentation, Release 0.8.5-dev
class LitModel(LightningModule):
@staticmethod
def add_model_specific_args(parent_parser):
parser = ArgumentParser(parents=[parent_parser], add_help=False)
parser.add_argument('--encoder_layers', type=int, default=12)
parser.add_argument('--data_path', type=str, default='/some/path')
return parser
Now in your main trainer file, add the Trainer args, the program args, and add the model args
# ----------------
# trainer_main.py
# ----------------
from argparse import ArgumentParser
parser = ArgumentParser()
args = parser.parse_args()
Often times we train many versions of a model. You might share that model or come back to it a few months later at
which point it is very useful to know how that model was trained (ie: what learning_rate, neural network, etc. . . ).
Lightning has a few ways of saving that information for you in checkpoints and yaml files. The goal here is to improve
readability and reproducibility
1. The first way is to ask lightning to save the values anything in the __init__ for you to the checkpoint. This also
makes those values available via self.hparams.
class LitMNIST(LightningModule):
# equivalent
self.save_hyperparameters('layer_1_dim', 'learning_rate')
2. Sometimes your init might have objects or other parameters you might not want to save. In that case, choose only a
few
class LitMNIST(LightningModule):
2.6. Hyperparameters 21
PyTorch-Lightning Documentation, Release 0.8.5-dev
# using a argparse.Namespace
class LitMNIST(LightningModule):
def train_dataloader(self):
return DataLoader(mnist_train, batch_size=self.hparams.batch_size)
4. You can also save full objects such as dict or Namespace to the checkpoint.
# using a argparse.Namespace
class LitMNIST(LightningModule):
# equivalent
self.save_hyperparameters(conf)
conf = OmegaConf.create(...)
model = LitMNIST(conf)
# this works
model.hparams.anything
To recap, add ALL possible trainer flags to the argparser and init the Trainer this way
parser = ArgumentParser()
parser = Trainer.add_argparse_args(parser)
hparams = parser.parse_args()
trainer = Trainer.from_argparse_args(hparams)
We often have multiple Lightning Modules where each one has different arguments. Instead of polluting the main.py
file, the LightningModule lets you define arguments for each one.
class LitMNIST(LightningModule):
@staticmethod
def add_model_specific_args(parent_parser):
parser = ArgumentParser(parents=[parent_parser], add_help=False)
parser.add_argument('--layer_1_dim', type=int, default=128)
return parser
class GoodGAN(LightningModule):
@staticmethod
def add_model_specific_args(parent_parser):
parser = ArgumentParser(parents=[parent_parser], add_help=False)
parser.add_argument('--encoder_layers', type=int, default=12)
return parser
Now we can allow each model to inject the arguments it needs in the main.py
def main(args):
dict_args = vars(args)
# pick model
if args.model_name == 'gan':
model = GoodGAN(**dict_args)
elif args.model_name == 'mnist':
model = LitMNIST(**dict_args)
trainer = Trainer.from_argparse_args(args)
trainer.fit(model)
if __name__ == '__main__':
parser = ArgumentParser()
parser = Trainer.add_argparse_args(parser)
2.6. Hyperparameters 23
PyTorch-Lightning Documentation, Release 0.8.5-dev
args = parser.parse_args()
# train
main(args)
and now we can train MNIST or the GAN using the command line interface!
Lightning is fully compatible with the hyperparameter optimization libraries! Here are some useful ones:
• Hydra
• Optuna
2.7 Validating
For most cases, we stop training the model when the performance on a validation split of the data reaches a minimum.
Just like the training_step, we can define a validation_step to check whatever metrics we care about, generate samples
or add more to our logs.
# validate
outputs = []
for batch in val_data:
x, y = batch # validation_step
y_hat = model(x) # validation_step
loss = loss(y_hat, x) # validation_step
outputs.append({'val_loss': loss}) # validation_step
Since the validation_step processes a single batch, in Lightning we also have a validation_epoch_end method which
allows you to compute statistics on the full dataset after an epoch of validation data and not just the batch.
In addition, we define a val_dataloader method which tells the trainer what data to use for validation. Notice we split
the train split of MNIST into train, validation. We also have to make sure to do the sample split in the train_dataloader
method.
class LitMNIST(LightningModule):
def validation_step(self, batch, batch_idx):
x, y = batch
logits = self(x)
loss = F.nll_loss(logits, y)
return {'val_loss': loss}
def val_dataloader(self):
transform=transforms.Compose([transforms.ToTensor(),
transforms.Normalize((0.1307,), (0.3081,))])
mnist_train = MNIST(os.getcwd(), train=True, download=False,
transform=transform)
_, mnist_val = random_split(mnist_train, [55000, 5000])
mnist_val = DataLoader(mnist_val, batch_size=64)
return mnist_val
Again, we’ve just organized the regular PyTorch code into two steps, the validation_step method which operates on a
single batch and the validation_epoch_end method to compute statistics on all batches.
If you have these methods defined, Lightning will call them automatically. Now we can train while checking the
validation set.
model = LitMNIST()
trainer = Trainer(tpu_cores=8)
trainer.fit(model)
You may have noticed the words Validation sanity check logged. This is because Lightning runs 5 batches of validation
before starting to train. This is a kind of unit test to make sure that if you have a bug in the validation loop, you won’t
need to potentially wait a full epoch to find out.
Note: Lightning disables gradients, puts model in eval mode and does everything needed for validation.
2.8 Testing
Once our research is done and we’re about to publish or deploy a model, we normally want to figure out how it will
generalize in the “real world.” For this, we use a held-out split of the data for testing.
Just like the validation loop, we define exactly the same steps for testing:
• test_step
• test_epoch_end
• test_dataloader
2.8. Testing 25
PyTorch-Lightning Documentation, Release 0.8.5-dev
class LitMNIST(LightningModule):
def test_step(self, batch, batch_idx):
x, y = batch
logits = self(x)
loss = F.nll_loss(logits, y)
return {'val_loss': loss}
def test_dataloader(self):
transform=transforms.Compose([transforms.ToTensor(), transforms.Normalize((0.
˓→1307,), (0.3081,))])
However, to make sure the test set isn’t used inadvertently, Lightning has a separate API to run tests. Once you train
your model simply call .test().
model = LitMNIST()
trainer = Trainer(tpu_cores=8)
trainer.fit(model)
Out:
--------------------------------------------------------------
TEST RESULTS
{'test_loss': tensor(1.1703, device='cuda:0')}
--------------------------------------------------------------
You can also run the test from a saved lightning model
model = LitMNIST.load_from_checkpoint(PATH)
trainer = Trainer(tpu_cores=8)
trainer.test(model)
Note: Lightning disables gradients, puts model in eval mode and does everything needed for testing.
Warning: .test() is not stable yet on TPUs. We’re working on getting around the multiprocessing challenges.
2.9 Predicting
Again, a LightningModule is exactly the same as a PyTorch module. This means you can load it and use it for
prediction.
model = LitMNIST.load_from_checkpoint(PATH)
x = torch.Tensor(1, 1, 28, 28)
out = model(x)
On the surface, it looks like forward and training_step are similar. Generally, we want to make sure that what we want
the model to do is what happens in the forward. whereas the training_step likely calls forward from within it.
class MNISTClassifier(LightningModule):
model = MNISTClassifier()
x = mnist_image()
logits = model(x)
In this case, we’ve set this LightningModel to predict logits. But we could also have it predict feature maps:
class MNISTRepresentator(LightningModule):
2.9. Predicting 27
PyTorch-Lightning Documentation, Release 0.8.5-dev
model = MNISTRepresentator.load_from_checkpoint(PATH)
x = mnist_image()
feature_maps = model(x)
class LitMNISTDreamer(LightningModule):
loss = perceptual_loss(imgs, x)
return loss
model = LitMNISTDreamer.load_from_checkpoint(PATH)
z = sample_noise()
generated_imgs = model(z)
How you split up what goes in forward vs training_step depends on how you want to use this model for prediction.
2.10 Extensibility
Although lightning makes everything super simple, it doesn’t sacrifice any flexibility or control. Lightning offers
multiple ways of managing the training state.
Any part of the training, validation and testing loop can be modified. For instance, if you wanted to do your own
backward pass, you would override the default implementation
class LitMNIST(LightningModule):
Or if you wanted to initialize ddp in a different way than the default one
class LitMNIST(LightningModule):
model = Horovod(model)
# model = Ray(model)
return model
Every single part of training is configurable this way. For a full list look at LightningModule.
2.11 Callbacks
Another way to add arbitrary functionality is to add a custom callback for hooks that you might care about
class MyPrintingCallback(Callback):
trainer = Trainer(callbacks=[MyPrintingCallback()])
2.11. Callbacks 29
PyTorch-Lightning Documentation, Release 0.8.5-dev
Research projects tend to test different approaches to the same dataset. This is very easy to do in Lightning with
inheritance.
For example, imagine we now want to train an Autoencoder to use as a feature extractor for MNIST images. Recall
that LitMNIST already defines all the dataloading etc. . . The only things that change in the Autoencoder model are the
init, forward, training, validation and test step.
class Encoder(torch.nn.Module):
pass
class Decoder(torch.nn.Module):
pass
class AutoEncoder(LitMNIST):
def __init__(self):
super().__init__()
self.encoder = Encoder()
self.decoder = Decoder()
representation = self.encoder(x)
x_hat = self(representation)
loss = F.nll_loss(logits, y)
return {f'{prefix}_loss': loss}
autoencoder = AutoEncoder()
trainer = Trainer()
trainer.fit(autoencoder)
And remember that the forward method is to define the practical use of a LightningModule. In this case, we want to
use the AutoEncoder to extract image representations
Sometimes we want to use a LightningModule as a pretrained model. This is fine because a LightningModule is just
a torch.nn.Module!
Note: Remember that a LightningModule is EXACTLY a torch.nn.Module but with more capabilities.
class Encoder(torch.nn.Module):
...
class AutoEncoder(LightningModule):
def __init__(self):
self.encoder = Encoder()
self.decoder = Decoder()
class CIFAR10Classifier(LightningModule):
def __init__(self):
# init the pretrained LightningModule
self.feature_extractor = AutoEncoder.load_from_checkpoint(PATH)
self.feature_extractor.freeze()
class ImagenetTransferLearning(LightningModule):
def __init__(self):
# init a pretrained resnet
num_target_classes = 10
self.feature_extractor = models.resnet50(
pretrained=True,
num_classes=num_target_classes)
(continues on next page)
Finetune
model = ImagenetTransferLearning()
trainer = Trainer()
trainer.fit(model)
model = ImagenetTransferLearning.load_from_checkpoint(PATH)
model.freeze()
x = some_images_from_cifar10()
predictions = model(x)
We used a pretrained model on imagenet, finetuned on CIFAR-10 to predict on CIFAR-10. In the non-academic world
we would finetune on a tiny dataset you have and predict on your dataset.
Lightning is completely agnostic to what’s used for transfer learning so long as it is a torch.nn.Module subclass.
Here’s a model that uses Huggingface transformers.
class BertMNLIFinetuner(LightningModule):
def __init__(self):
super().__init__()
h, _, attn = self.bert(input_ids=input_ids,
attention_mask=attention_mask,
token_type_ids=token_type_ids)
h_cls = h[:, 0]
logits = self.W(h_cls)
return logits, attn
THREE
FAST PERFORMANCE
3.1 Dataloaders
When building your Dataloader set num_workers > 0 and pin_memory=True (only for GPUs).
3.1.1 num_workers
The question of how many num_workers is tricky. Here’s a summary of some references, [1], and our suggestions.
1. num_workers=0 means ONLY the main process will load batches (that can be a bottleneck).
2. num_workers=1 means ONLY one worker (just not the main process) will load data but it will still be slow.
3. The num_workers depends on the batch size and your machine.
4. A general place to start is to set num_workers equal to the number of CPUs on that machine.
Warning: Increasing num_workers will ALSO increase your CPU memory consumption.
The best thing to do is to increase the nun_workers slowly and stop once you see no more improvement in your training
speed.
3.1.2 Spawn
When using distributed_backend=ddp_spawn (the ddp default) or TPU training, the way multiple GPUs/TPU cores are
used is by calling .spawn() under the hood. The problem is that PyTorch has issues with num_workers > 0 when using
.spawn(). For this reason we recommend you use distributed_backend=ddp so you can increase the num_workers,
however your script has to be callable like so:
33
PyTorch-Lightning Documentation, Release 0.8.5-dev
Don’t call .item() anywhere on your code. Use .detach() instead to remove the connected graph calls. Lightning takes
a great deal of care to be optimized for this.
3.3 empty_cache()
Don’t call this unnecessarily! Every time you call this ALL your GPUs have to wait to sync.
LightningModules know what device they are on! construct tensors on the device directly to avoid CPU->Device
transfer.
# bad
t = tensor.rand(2, 2).cuda()
Use 16-bit to decrease the memory (and thus increase your batch size). On certain GPUs (V100s, 2080tis), 16-bit
calculations are also faster. However, know that 16-bit and multi-processing (any DDP) can have issues. Here are
some common problems.
1. CUDA error: an illegal memory access was encountered. The solution is likely setting a specific CUDA,
CUDNN, PyTorch version combination.
2. CUDA error: device-side assert triggered. This is a general catch-all error. To see the actual error run your
script like so:
We also recommend using 16-bit native found in PyTorch 1.6. Just install this version and Lightning will automatically
use it.
FOUR
CALLBACKS
Lightning has a callback system to execute arbitrary code. Callbacks should capture NON-ESSENTIAL logic that is
NOT required for your LightningModule to run.
An overall Lightning system should have:
1. Trainer for all engineering
2. LightningModule for all research code.
3. Callbacks for non-essential code.
Example:
class MyPrintingCallback(Callback):
trainer = Trainer(callbacks=[MyPrintingCallback()])
We successfully extended functionality without polluting our super clean LightningModule research code.
37
PyTorch-Lightning Documentation, Release 0.8.5-dev
38 Chapter 4. Callbacks
PyTorch-Lightning Documentation, Release 0.8.5-dev
on_validation_batch_end(trainer, pl_module)
Called when the validation batch ends.
on_validation_batch_start(trainer, pl_module)
Called when the validation batch begins.
on_validation_end(trainer, pl_module)
Called when the validation loop ends.
on_validation_start(trainer, pl_module)
Called when the validation loop begins.
setup(trainer, stage)
Called when fit or test begins
teardown(trainer, stage)
Called when fit or test ends
_validate_condition_metric(logs)
Checks that the condition metric for early stopping is good
on_epoch_start(trainer, pl_module)
Called when the epoch begins.
40 Chapter 4. Callbacks
PyTorch-Lightning Documentation, Release 0.8.5-dev
Logging names are automatically determined based on optimizer class name. In case of multiple optimizers of
same type, they will be named Adam, Adam-1 etc. If a optimizer has multiple parameter groups they will be
named Adam/pg1, Adam/pg2 etc. To control naming, pass in a name keyword in the construction of the learning
rate schdulers
Example:
def configure_optimizer(self):
optimizer = torch.optim.Adam(...)
lr_scheduler = {'scheduler': torch.optim.lr_schedulers.LambdaLR(optimizer, ...
˓→)
'name': 'my_logging_name'}
return [optimizer], [lr_scheduler]
_extract_lr(trainer, interval)
Extracts learning rates for lr schedulers and saves information into dict structure.
on_batch_start(trainer, pl_module)
Called when the training batch begins.
on_epoch_start(trainer, pl_module)
Called when the epoch begins.
on_train_start(trainer, pl_module)
Called before training, determines unique names for all lr schedulers in the case of multiple of the same
type or in the case of multiple parameter groups
# custom path
# saves a file like: my/path/epoch_0.ckpt
>>> checkpoint_callback = ModelCheckpoint('my/path/')
... )
Can also be set to None, then it will be set to default location during trainer construction.
• monitor (str) – quantity to monitor.
• verbose (bool) – verbosity mode. Default: False.
• save_last (bool) – always saves the model at the end of the epoch. Default: False.
• save_top_k (int) – if save_top_k == k, the best k models according to the quantity
monitored will be saved. if save_top_k == 0, no models are saved. if save_top_k
== -1, all models are saved. Please note that the monitors are checked every period
epochs. if save_top_k >= 2 and the callback is called multiple times inside an epoch,
the name of the saved file will be appended with a version count starting with v0.
• mode (str) – one of {auto, min, max}. If save_top_k != 0, the decision to overwrite
the current save file is made based on either the maximization or the minimization of the
monitored quantity. For val_acc, this should be max, for val_loss this should be min, etc. In
auto mode, the direction is automatically inferred from the name of the monitored quantity.
• save_weights_only (bool) – if True, then only the model’s weights will be
saved (model.save_weights(filepath)), else the full model is saved (model.
save(filepath)).
• period (int) – Interval (number of epochs) between checkpoints.
Example:
42 Chapter 4. Callbacks
PyTorch-Lightning Documentation, Release 0.8.5-dev
on_train_start(trainer, pl_module)
Determine model checkpoint save directory at runtime. References attributes from the Trainer’s logger to
determine where to save checkpoints.
on_validation_end(trainer, pl_module)
Called when the validation loop ends.
class LitProgressBar(ProgressBar):
def init_validation_tqdm(self):
bar = super().init_validation_tqdm()
bar.set_description('running validation ...')
(continues on next page)
bar = LitProgressBar()
trainer = Trainer(callbacks=[bar])
Parameters
• refresh_rate (int) – Determines at which rate (in number of batches) the progress
bars get updated. Set it to 0 to disable the display. By default, the Trainer uses this
implementation of the progress bar and sets the refresh rate to the value provided to the
progress_bar_refresh_rate argument in the Trainer.
• process_position (int) – Set this to a value greater than 0 to offset the progress bars
by this many lines. This is useful when you have progress bars defined elsewhere and want
to show all of them together. This corresponds to process_position in the Trainer.
disable()
You should provide a way to disable the progress bar. The Trainer will call this to disable the output on
processes that have a rank different from 0, e.g., in multi-node training.
Return type None
enable()
You should provide a way to enable the progress bar. The Trainer will call this in e.g. pre-training
routines like the learning rate finder to temporarily enable and disable the main progress bar.
Return type None
init_sanity_tqdm()
Override this to customize the tqdm bar for the validation sanity run.
Return type tqdm
init_test_tqdm()
Override this to customize the tqdm bar for testing.
Return type tqdm
init_train_tqdm()
Override this to customize the tqdm bar for training.
Return type tqdm
init_validation_tqdm()
Override this to customize the tqdm bar for validation.
Return type tqdm
on_batch_end(trainer, pl_module)
Called when the training batch ends.
on_epoch_start(trainer, pl_module)
Called when the epoch begins.
on_sanity_check_end(trainer, pl_module)
Called when the validation sanity check ends.
on_sanity_check_start(trainer, pl_module)
Called when the validation sanity check starts.
on_test_batch_end(trainer, pl_module)
Called when the test batch ends.
44 Chapter 4. Callbacks
PyTorch-Lightning Documentation, Release 0.8.5-dev
on_test_end(trainer, pl_module)
Called when the test ends.
on_test_start(trainer, pl_module)
Called when the test begins.
on_train_end(trainer, pl_module)
Called when the train ends.
on_train_start(trainer, pl_module)
Called when the train begins.
on_validation_batch_end(trainer, pl_module)
Called when the validation batch ends.
on_validation_end(trainer, pl_module)
Called when the validation loop ends.
on_validation_start(trainer, pl_module)
Called when the validation loop begins.
class pytorch_lightning.callbacks.progress.ProgressBarBase
Bases: pytorch_lightning.callbacks.base.Callback
The base class for progress bars in Lightning. It is a Callback that keeps track of the batch progress in the
Trainer. You should implement your highly custom progress bars with this as the base class.
Example:
class LitProgressBar(ProgressBarBase):
def __init__(self):
super().__init__() # don't forget this :)
self.enable = True
def disable(self):
self.enable = False
bar = LitProgressBar()
trainer = Trainer(callbacks=[bar])
disable()
You should provide a way to disable the progress bar. The Trainer will call this to disable the output on
processes that have a rank different from 0, e.g., in multi-node training.
enable()
You should provide a way to enable the progress bar. The Trainer will call this in e.g. pre-training
routines like the learning rate finder to temporarily enable and disable the main progress bar.
on_batch_end(trainer, pl_module)
Called when the training batch ends.
on_epoch_start(trainer, pl_module)
Called when the epoch begins.
on_init_end(trainer)
Called when the trainer initialization ends, model has not yet been set.
on_test_batch_end(trainer, pl_module)
Called when the test batch ends.
on_test_start(trainer, pl_module)
Called when the test begins.
on_train_start(trainer, pl_module)
Called when the train begins.
on_validation_batch_end(trainer, pl_module)
Called when the validation batch ends.
on_validation_start(trainer, pl_module)
Called when the validation loop begins.
property test_batch_idx
The current batch index being processed during testing. Use this to update your progress bar.
Return type int
property total_test_batches
The total number of training batches during testing, which may change from epoch to epoch. Use this to
set the total number of iterations in the progress bar. Can return inf if the test dataloader is of infinite
size.
Return type int
property total_train_batches
The total number of training batches during training, which may change from epoch to epoch. Use this to
set the total number of iterations in the progress bar. Can return inf if the training dataloader is of infinite
size.
Return type int
property total_val_batches
The total number of training batches during validation, which may change from epoch to epoch. Use this
to set the total number of iterations in the progress bar. Can return inf if the validation dataloader is of
infinite size.
Return type int
property train_batch_idx
The current batch index being processed during training. Use this to update your progress bar.
Return type int
property val_batch_idx
The current batch index being processed during validation. Use this to update your progress bar.
Return type int
pytorch_lightning.callbacks.progress.convert_inf(x)
The tqdm doesn’t support inf values. We have to convert it to None.
46 Chapter 4. Callbacks
CHAPTER
FIVE
LIGHTNINGMODULE
47
PyTorch-Lightning Documentation, Release 0.8.5-dev
net = Net()
trainer = Trainer()
trainer.fit(net)
4. There are no .cuda() or .to() calls. . . Lightning does these for you.
# don't do in lightning
x = torch.Tensor(2, 3)
x = x.cuda()
x = x.to(device)
# do this instead
x = x # leave it alone!
5. There are no samplers for distributed, Lightning also does this for you.
# Don't do in Lightning...
data = MNIST(...)
sampler = DistributedSampler(data)
DataLoader(data, sampler=sampler)
# do this instead
data = MNIST(...)
DataLoader(data)
net = Net.load_from_checkpoint(PATH)
net.freeze()
out = net(x)
Thus, to use Lightning, you just need to organize your code which takes about 30 minutes, (and let’s be real, you
probably should do anyhow).
48 Chapter 5. LightningModule
PyTorch-Lightning Documentation, Release 0.8.5-dev
trainer.fit(model)
The general pattern is that each loop (training, validation, test loop) has 3 methods:
• ___step
• ___step_end
• ___epoch_end
To show how Lightning calls these, let’s use the validation loop as an example:
val_outs = []
for val_batch in val_data:
# do something with each batch
out = validation_step(val_batch)
val_outs.append(out)
If we use dp or ddp2 mode, we can also define the XXX_step_end method to operate on all parts of the batch:
val_outs = []
for val_batch in val_data:
batches = split_batch(val_batch)
dp_outs = []
for sub_batch in batches:
dp_out = validation_step(sub_batch)
dp_outs.append(dp_out)
out = validation_step_end(dp_outs)
val_outs.append(out)
Thus, if we wanted to add a validation loop you would add this to your LightningModule:
However, the test loop won’t ever be called automatically to make sure you don’t run your test data by accident.
Instead you have to explicitly call:
50 Chapter 5. LightningModule
PyTorch-Lightning Documentation, Release 0.8.5-dev
In a LightningModule, all calls to .cuda() and .to(device) should be removed. Lightning will do these
automatically. This will allow your code to work on CPUs, TPUs and GPUs.
When you init a new tensor in your code, just use type_as():
def training_step(self, batch, batch_idx):
x, y = batch
When working in distributed settings, steps 1 and 2 have to be done from a single GPU, otherwise you will overwrite
these files from every GPU. The LightningModule has the prepare_data method to allow for this:
...
... def setup(self, stage):
... mnist_train = MNIST(os.getcwd(), train=True, download=False,
˓→transform=transforms.ToTensor())
Note: Do anything with data that needs to happen ONLY once here, like download, tokenize, etc. . .
5.6 Lifecycle
52 Chapter 5. LightningModule
PyTorch-Lightning Documentation, Release 0.8.5-dev
6. test_dataloader()
Examples
configure_ddp(model, device_ids)
Override to init DDP in your own way or with your own wrapper. The only requirements are that:
1. On a validation batch the call goes to model.validation_step.
2. On a training batch the call goes to model.training_step.
3. On a testing batch, the call goes to model.test_step.+
Parameters
• model (LightningModule) – the LightningModule currently being optimized.
• device_ids (List[int]) – the list of GPU ids.
Return type DistributedDataParallel
Returns DDP wrapped model
Examples
configure_optimizers()
Choose what optimizers and learning-rate schedulers to use in your optimization. Normally you’d need
one. But in the case of GANs or similar you might have multiple.
Return type Union[Optimizer, Sequence[Optimizer], Dict, Sequence[Dict],
Tuple[List, List], None]
Returns
Any of these 6 options.
• Single optimizer.
• List or Tuple - List of optimizers.
54 Chapter 5. LightningModule
PyTorch-Lightning Documentation, Release 0.8.5-dev
• Two lists - The first list has multiple optimizers, the second a list of LR schedulers (or
lr_dict).
• Dictionary, with an ‘optimizer’ key, and (optionally) a ‘lr_scheduler’ key which value is a
single LR scheduler or lr_dict.
• Tuple of dictionaries as described, with an optional ‘frequency’ key.
• None - Fit will run without any optimizer.
Note: The ‘frequency’ value is an int corresponding to the number of sequential batches optimized with
the specific optimizer. It should be given to none or to all of the optimizers. There is a difference between
passing multiple optimizers in a list, and passing multiple optimizers in dictionaries with a frequency of 1:
In the former case, all optimizers will operate on the given batch in each optimization step. In the latter,
only one optimizer will operate on the given batch at every step.
The lr_dict is a dictionary which contains scheduler and its associated configuration. It has five keys. The
default configuration is shown below.
{
'scheduler': lr_scheduler, # The LR schduler
'interval': 'epoch', # The unit of the scheduler's step size
'frequency': 1, # The frequency of the scheduler
'reduce_on_plateau': False, # For ReduceLROnPlateau scheduler
'monitor': 'val_loss' # Metric to monitor
}
If user only provides LR schedulers, then their configuration will set to default as shown above.
Examples
# most cases
def configure_optimizers(self):
opt = Adam(self.parameters(), lr=1e-3)
return opt
# https://arxiv.org/abs/1704.00028
def configure_optimizers(self):
gen_opt = Adam(self.model_gen.parameters(), lr=0.01)
dis_opt = Adam(self.model_disc.parameters(), lr=0.02)
n_critic = 5
return (
{'optimizer': dis_opt, 'frequency': n_critic},
{'optimizer': gen_opt, 'frequency': 1}
)
{
'scheduler': lr_scheduler,
'interval': 'step', # or 'epoch'
'monitor': 'val_f1',
'frequency': x,
}
56 Chapter 5. LightningModule
PyTorch-Lightning Documentation, Release 0.8.5-dev
Examples
# ...
return loss
inputs = server.get_request()
results = model(inputs)
server.write_results(results)
# -------------
# This is in stark contrast to torch.nn.Module where normally you would have
˓→this:
freeze()
Freeze all params for inference.
Example
model = MyLightningModule(...)
model.freeze()
Example
Note: Lightning auto-restores global step, epoch, and train state including amp scaling. There is no need
for you to restore anything regarding training.
58 Chapter 5. LightningModule
PyTorch-Lightning Documentation, Release 0.8.5-dev
Example
Note: Lightning saves all aspects of training (epoch, global step, etc. . . ) including amp scaling. There is
no need for you to store anything about training.
Examples
# DEFAULT
def optimizer_step(self, current_epoch, batch_idx, optimizer, optimizer_idx,
second_order_closure, on_tpu, using_native_amp, using_
˓→lbfgs):
optimizer.step()
# ...
# add as many optimizers as you want
Here’s another example showing how to use this for more advanced things such as learning rate warm-up:
# learning rate warm-up
def optimizer_step(self, current_epoch, batch_idx, optimizer,
optimizer_idx, second_order_closure, on_tpu, using_native_
˓→amp, using_lbfgs):
# warm up lr
if self.trainer.global_step < 500:
lr_scale = min(1., float(self.trainer.global_step + 1) / 500.)
for pg in optimizer.param_groups:
pg['lr'] = lr_scale * self.learning_rate
# update params
optimizer.step()
optimizer.zero_grad()
Note: If you also override the on_before_zero_grad() model hook don’t forget to add the call to
it before optimizer.zero_grad() yourself.
Warning: DO NOT set state to the model (use setup instead) since this is NOT called on every GPU
in DDP/TPU
Example:
def prepare_data(self):
# good
download_data()
tokenize()
etc()
# bad
self.split = data_split
self.some_state = some_other_state()
60 Chapter 5. LightningModule
PyTorch-Lightning Documentation, Release 0.8.5-dev
model.prepare_data()
if ddp/tpu: init()
model.setup(step)
model.train_dataloader()
model.val_dataloader()
model.test_dataloader()
Example
Examples
batch_split.append(split_x)
62 Chapter 5. LightningModule
PyTorch-Lightning Documentation, Release 0.8.5-dev
return splits
Note: Called in the training loop after on_batch_start() if truncated_bptt_steps > 0. Each
returned batch split is passed separately to training_step().
test_dataloader()
Implement one or multiple PyTorch DataLoaders for testing.
The dataloader you return will not be called every epoch unless you set
reload_dataloaders_every_epoch to True.
For data processing use the following pattern:
• download in prepare_data()
• process and split in setup()
However, the above are only necessary for distributed processing.
• fit()
• ...
• prepare_data()
• setup()
• train_dataloader()
• val_dataloader()
• test_dataloader()
Note: Lightning adds the correct sampler for distributed and arbitrary hardware. There is no need to set
it yourself.
Example
def test_dataloader(self):
transform = transforms.Compose([transforms.ToTensor(),
transforms.Normalize((0.5,), (1.0,))])
dataset = MNIST(root='/path/to/mnist/', train=False, transform=transform,
download=True)
loader = torch.utils.data.DataLoader(
dataset=dataset,
batch_size=self.batch_size,
shuffle=False
)
return loader
Note: If you don’t need a test dataset and a test_step(), you don’t need to implement this method.
test_end(outputs)
test_epoch_end(outputs)
Called at the end of a test epoch with the output of all test steps.
64 Chapter 5. LightningModule
PyTorch-Lightning Documentation, Release 0.8.5-dev
Examples
test_acc_mean /= len(outputs)
tqdm_dict = {'test_acc': test_acc_mean.item()}
# show test_loss and test_acc in progress bar but only log test_loss
results = {
'progress_bar': tqdm_dict,
'log': {'test_acc': test_acc_mean.item()}
}
return results
With multiple dataloaders, outputs will be a list of lists. The outer list contains one entry per dataloader,
while the inner list contains the individual outputs of each test step for that dataloader.
test_acc_mean /= i
tqdm_dict = {'test_acc': test_acc_mean.item()}
# show test_loss and test_acc in progress bar but only log test_loss
results = {
'progress_bar': tqdm_dict,
'log': {'test_acc': test_acc_mean.item(), 'step': self.current_epoch}
}
return results
test_step(*args, **kwargs)
Operates on a single batch of data from the test set. In this step you’d normally generate examples or
calculate anything of interest such as accuracy.
Parameters
• batch (Tensor | (Tensor, . . . ) | [Tensor, . . . ]) – The output of your DataLoader.
A tensor, tuple or list.
• batch_idx (int) – The index of this batch.
• dataloader_idx (int) – The index of the dataloader that produced this batch (only
if multiple test datasets used).
Return type Dict[str, Tensor]
Returns Dict or OrderedDict - passed to the test_epoch_end() method. If you defined
test_step_end() it will go to that first.
Examples
# calculate acc
labels_hat = torch.argmax(out, dim=1)
val_acc = torch.sum(y == labels_hat).item() / (len(y) * 1.0)
# all optional...
# return whatever you need for the collation function test_epoch_end
output = OrderedDict({
'val_loss': loss_val,
'val_acc': torch.tensor(val_acc), # everything must be a tensor
})
If you pass in multiple validation datasets, test_step() will have an additional argument.
Note: If you don’t need to validate you don’t need to implement this method.
Note: When the test_step() is called, the model has been put in eval mode and PyTorch gradients
have been disabled. At the end of the test epoch, the model goes back to training mode and gradients are
66 Chapter 5. LightningModule
PyTorch-Lightning Documentation, Release 0.8.5-dev
enabled.
test_step_end(*args, **kwargs)
Use this when testing with dp or ddp2 because test_step() will operate on only part of the batch.
However, this is still optional and only needed for things like softmax or NCE loss.
Note: If you later switch to ddp or some other mode, this will still be called so that you don’t have to
change your code.
# pseudocode
sub_batches = split_batches_for_dp(batch)
batch_parts_outputs = [test_step(sub_batch) for sub_batch in sub_batches]
test_step_end(batch_parts_outputs)
Examples
# WITHOUT test_step_end
# if used in DP or DDP2, this batch is 1/num_gpus large
def test_step(self, batch, batch_idx):
# batch is 1/num_gpus big
x, y = batch
out = self(x)
loss = self.softmax(out)
loss = nce_loss(loss)
return {'loss': loss}
# --------------
# with test_step_end to do softmax over the full batch
def test_step(self, batch, batch_idx):
# batch is 1/num_gpus big
x, y = batch
out = self(x)
return {'out': out}
See also:
See the Multi-GPU training guide for more details.
tng_dataloader()
train_dataloader()
Implement a PyTorch DataLoader for training.
Return type DataLoader
Returns Single PyTorch DataLoader.
The dataloader you return will not be called every epoch unless you set
reload_dataloaders_every_epoch to True.
For data processing use the following pattern:
• download in prepare_data()
• process and split in setup()
However, the above are only necessary for distributed processing.
• fit()
• ...
• prepare_data()
• setup()
• train_dataloader()
Note: Lightning adds the correct sampler for distributed and arbitrary hardware. There is no need to set
it yourself.
Example
def train_dataloader(self):
transform = transforms.Compose([transforms.ToTensor(),
transforms.Normalize((0.5,), (1.0,))])
dataset = MNIST(root='/path/to/mnist/', train=True, transform=transform,
download=True)
loader = torch.utils.data.DataLoader(
dataset=dataset,
batch_size=self.batch_size,
shuffle=True
)
return loader
training_end(*args, **kwargs)
68 Chapter 5. LightningModule
PyTorch-Lightning Documentation, Release 0.8.5-dev
training_epoch_end(outputs)
Called at the end of the training epoch with the outputs of all training steps.
Examples
train_acc_mean /= len(outputs)
With multiple dataloaders, outputs will be a list of lists. The outer list contains one entry per dataloader,
while the inner list contains the individual outputs of each training step for that dataloader.
train_acc_mean /= i
training_step(*args, **kwargs)
Here you compute and return the training loss and some additional metrics for e.g. the progress bar or
logger.
Parameters
• batch (Tensor | (Tensor, . . . ) | [Tensor, . . . ]) – The output of your DataLoader.
A tensor, tuple or list.
• batch_idx (int) – Integer displaying index of this batch
• optimizer_idx (int) – When using multiple optimizers, this argument will also be
present.
• hiddens (Tensor) – Passed in if truncated_bptt_steps > 0.
Return type Union[int, Dict[str, Union[Tensor, Dict[str, Tensor]]]]
Returns
Dict with loss key and optional log or progress bar keys. When implementing
training_step(), return whatever you need in that step:
• loss -> tensor scalar REQUIRED
• progress_bar -> Dict for progress bar display. Must have only tensors
• log -> Dict of metrics to add to logger. Must have only tensors (no images, etc)
In this step you’d normally do the forward pass and calculate the loss for a batch. You can also do fancier
things like multiple forward passes or something model specific.
Examples
70 Chapter 5. LightningModule
PyTorch-Lightning Documentation, Release 0.8.5-dev
output = {
'loss': loss, # required
'progress_bar': {'training_loss': loss}, # optional (MUST ALL BE
˓→TENSORS)
'log': logger_logs
}
# return a dict
return output
If you define multiple optimizers, this step will be called with an additional optimizer_idx parameter.
# Multiple optimizers (e.g.: GANs)
def training_step(self, batch, batch_idx, optimizer_idx):
if optimizer_idx == 0:
# do training_step with encoder
if optimizer_idx == 1:
# do training_step with decoder
If you add truncated back propagation through time you will also get an additional argument with the
hidden states of the previous step.
# Truncated back-propagation through time
def training_step(self, batch, batch_idx, hiddens):
# hiddens are the hidden states from the previous truncated backprop step
...
out, hiddens = self.lstm(data, hiddens)
...
return {
"loss": ...,
"hiddens": hiddens # remember to detach() this
}
Notes
The loss value shown in the progress bar is smoothed (averaged) over the last values, so it differs from the
actual loss returned in train/validation step.
training_step_end(*args, **kwargs)
Use this when training with dp or ddp2 because training_step() will operate on only part of the
batch. However, this is still optional and only needed for things like softmax or NCE loss.
Note: If you later switch to ddp or some other mode, this will still be called so that you don’t have to
change your code
# pseudocode
sub_batches = split_batches_for_dp(batch)
batch_parts_outputs = [training_step(sub_batch) for sub_batch in sub_batches]
training_step_end(batch_parts_outputs)
Parameters batch_parts_outputs – What you return in training_step for each batch part.
Return type Dict[str, Union[Tensor, Dict[str, Tensor]]]
Returns
Dict with loss key and optional log or progress bar keys.
• loss -> tensor scalar REQUIRED
• progress_bar -> Dict for progress bar display. Must have only tensors
• log -> Dict of metrics to add to logger. Must have only tensors (no images, etc)
Examples
# WITHOUT training_step_end
# if used in DP or DDP2, this batch is 1/num_gpus large
def training_step(self, batch, batch_idx):
# batch is 1/num_gpus big
x, y = batch
out = self(x)
loss = self.softmax(out)
loss = nce_loss(loss)
return {'loss': loss}
# --------------
# with training_step_end to do softmax over the full batch
def training_step(self, batch, batch_idx):
# batch is 1/num_gpus big
x, y = batch
out = self(x)
return {'out': out}
See also:
See the Multi-GPU training guide for more details.
unfreeze()
Unfreeze all parameters for training.
model = MyLightningModule(...)
model.unfreeze()
72 Chapter 5. LightningModule
PyTorch-Lightning Documentation, Release 0.8.5-dev
The dataloader you return will not be called every epoch unless you set
reload_dataloaders_every_epoch to True.
It’s recommended that all data downloads and preparation happen in prepare_data().
• fit()
• ...
• prepare_data()
• train_dataloader()
• val_dataloader()
• test_dataloader()
Note: Lightning adds the correct sampler for distributed and arbitrary hardware There is no need to set it
yourself.
Examples
def val_dataloader(self):
transform = transforms.Compose([transforms.ToTensor(),
transforms.Normalize((0.5,), (1.0,))])
dataset = MNIST(root='/path/to/mnist/', train=False,
transform=transform, download=True)
loader = torch.utils.data.DataLoader(
dataset=dataset,
batch_size=self.batch_size,
shuffle=False
)
return loader
Note: If you don’t need a validation dataset and a validation_step(), you don’t need to implement
this method.
Note: In the case where you return multiple validation dataloaders, the validation_step() will
have an argument dataset_idx which matches the order here.
validation_end(outputs)
validation_epoch_end(outputs)
Called at the end of the validation epoch with the outputs of all validation steps.
# the pseudocode for these calls
val_outs = []
for val_batch in val_data:
out = validation_step(val_batch)
val_outs.append(out)
validation_epoch_end(val_outs)
Examples
val_acc_mean /= len(outputs)
tqdm_dict = {'val_acc': val_acc_mean.item()}
With multiple dataloaders, outputs will be a list of lists. The outer list contains one entry per dataloader,
while the inner list contains the individual outputs of each validation step for that dataloader.
74 Chapter 5. LightningModule
PyTorch-Lightning Documentation, Release 0.8.5-dev
val_acc_mean /= i
tqdm_dict = {'val_acc': val_acc_mean.item()}
# show val_loss and val_acc in progress bar but only log val_loss
results = {
'progress_bar': tqdm_dict,
'log': {'val_acc': val_acc_mean.item(), 'step': self.current_epoch}
}
return results
validation_step(*args, **kwargs)
Operates on a single batch of data from the validation set. In this step you’d might generate examples or
calculate anything of interest like accuracy.
Parameters
• batch (Tensor | (Tensor, . . . ) | [Tensor, . . . ]) – The output of your DataLoader.
A tensor, tuple or list.
• batch_idx (int) – The index of this batch
• dataloader_idx (int) – The index of the dataloader that produced this batch (only
if multiple val datasets used)
Return type Dict[str, Tensor]
Returns Dict or OrderedDict - passed to validation_epoch_end(). If you defined
validation_step_end() it will go to that first.
# pseudocode of order
out = validation_step()
if defined('validation_step_end'):
out = validation_step_end(out)
out = validation_epoch_end(out)
Examples
# calculate acc
labels_hat = torch.argmax(out, dim=1)
val_acc = torch.sum(y == labels_hat).item() / (len(y) * 1.0)
# all optional...
# return whatever you need for the collation function validation_epoch_end
output = OrderedDict({
'val_loss': loss_val,
'val_acc': torch.tensor(val_acc), # everything must be a tensor
})
If you pass in multiple val datasets, validation_step will have an additional argument.
Note: If you don’t need to validate you don’t need to implement this method.
Note: When the validation_step() is called, the model has been put in eval mode and PyTorch
gradients have been disabled. At the end of validation, the model goes back to training mode and gradients
are enabled.
validation_step_end(*args, **kwargs)
Use this when validating with dp or ddp2 because validation_step() will operate on only part of
the batch. However, this is still optional and only needed for things like softmax or NCE loss.
Note: If you later switch to ddp or some other mode, this will still be called so that you don’t have to
change your code.
# pseudocode
sub_batches = split_batches_for_dp(batch)
(continues on next page)
76 Chapter 5. LightningModule
PyTorch-Lightning Documentation, Release 0.8.5-dev
validation_step_end(batch_parts_outputs)
Examples
# WITHOUT validation_step_end
# if used in DP or DDP2, this batch is 1/num_gpus large
def validation_step(self, batch, batch_idx):
# batch is 1/num_gpus big
x, y = batch
out = self(x)
loss = self.softmax(out)
loss = nce_loss(loss)
return {'loss': loss}
# --------------
# with validation_step_end to do softmax over the full batch
def validation_step(self, batch, batch_idx):
# batch is 1/num_gpus big
x, y = batch
out = self(x)
return {'out': out}
See also:
See the Multi-GPU training guide for more details.
_device = None
device reference
_dtype = None
Current dtype
current_epoch = None
The current epoch
global_step = None
Total training batches seen across all epochs
logger = None
Pointer to the logger object
property on_gpu
True if your model is currently running on GPUs. Useful to set flags around the LightningModule for
different CPU vs GPU behavior.
trainer = None
Pointer to the trainer object
use_amp = None
True if using amp
use_ddp = None
True if using ddp
use_ddp2 = None
True if using ddp2
use_dp = None
True if using dp
pytorch_lightning.core.data_loader(fn)
Decorator to make any fx with this use the lazy property.
78 Chapter 5. LightningModule
CHAPTER
SIX
LOGGERS
Lightning supports the most popular logging frameworks (TensorBoard, Comet, Weights and Biases, etc. . . ). To use a
logger, simply pass it into the Trainer. Lightning uses TensorBoard by default.
from pytorch_lightning import loggers as pl_loggers
tb_logger = pl_loggers.TensorBoardLogger('logs/')
trainer = Trainer(logger=tb_logger)
Choose from any of the others such as MLflow, Comet, Neptune, WandB, . . .
comet_logger = pl_loggers.CometLogger(save_dir='logs/')
trainer = Trainer(logger=comet_logger)
Note: All loggers log by default to os.getcwd(). To change the path without creating a logger set
Trainer(default_root_dir='/your/path/to/save/checkpoints')
You can implement your own logger by writing a class that inherits from LightningLoggerBase. Use the
rank_zero_only() decorator to make sure that only the first process in DDP training logs data.
from pytorch_lightning.utilities import rank_zero_only
from pytorch_lightning.loggers import LightningLoggerBase
class MyLogger(LightningLoggerBase):
@rank_zero_only
def log_hyperparams(self, params):
# params is an argparse.Namespace
# your code to record hyperparameters goes here
pass
@rank_zero_only
def log_metrics(self, metrics, step):
(continues on next page)
79
PyTorch-Lightning Documentation, Release 0.8.5-dev
def save(self):
# Optional. Any code necessary to save logger data goes here
pass
@rank_zero_only
def finalize(self, status):
# Optional. Any code that needs to be run after training
# finishes goes here
pass
If you write a logger that may be useful to others, please send a pull request to add it to Lighting!
def any_lightning_module_function_or_hook(self):
self.logger.experiment.add_histogram(...)
6.3.1 Comet
80 Chapter 6. Loggers
PyTorch-Lightning Documentation, Release 0.8.5-dev
Comet requires either an API Key (online mode) or a local directory path (offline mode).
ONLINE MODE
Example
>>> import os
>>> from pytorch_lightning import Trainer
>>> from pytorch_lightning.loggers import CometLogger
>>> # arguments made to CometLogger are passed on to the comet_ml.Experiment class
>>> comet_logger = CometLogger(
... api_key=os.environ.get('COMET_API_KEY'),
... workspace=os.environ.get('COMET_WORKSPACE'), # Optional
... save_dir='.', # Optional
... project_name='default_project', # Optional
... rest_api_key=os.environ.get('COMET_REST_API_KEY'), # Optional
... experiment_name='default' # Optional
... )
>>> trainer = Trainer(logger=comet_logger)
OFFLINE MODE
Example
Parameters
• api_key (Optional[str]) – Required in online mode. API key, found on Comet.ml
• save_dir (Optional[str]) – Required in offline mode. The path for the directory to
save local comet logs
• workspace (Optional[str]) – Optional. Name of workspace for this user
• project_name (Optional[str]) – Optional. Send your experiment to a specific
project. Otherwise will be sent to Uncategorized Experiments. If the project name does
not already exist, Comet.ml will create a new project.
• rest_api_key (Optional[str]) – Optional. Rest API key found in Comet.ml set-
tings. This is used to determine version number
• experiment_name (Optional[str]) – Optional. String representing the name for this
particular experiment on Comet.ml.
self.logger.experiment.some_comet_function()
82 Chapter 6. Loggers
PyTorch-Lightning Documentation, Release 0.8.5-dev
6.3.2 MLFlow
class pytorch_lightning.loggers.mlflow.MLFlowLogger(experiment_name='default',
tracking_uri=None, tags=None,
save_dir=None)
Bases: pytorch_lightning.loggers.base.LightningLoggerBase
Log using MLflow. Install it with pip:
pip install mlflow
Example
Parameters
• experiment_name (str) – The name of the experiment
• tracking_uri (Optional[str]) – Address of local or remote tracking server. If not
provided, defaults to the service set by mlflow.tracking.set_tracking_uri.
• tags (Optional[Dict[str, Any]]) – A dictionary tags for the experiment.
finalize(status='FINISHED')
Do any processing that is necessary to finalize an experiment.
Parameters status (str) – Status that the experiment finished with (e.g. success, failed,
aborted)
Return type None
log_hyperparams(params)
Record hyperparameters.
Parameters params (Union[Dict[str, Any], Namespace]) – Namespace containing
the hyperparameters
Return type None
log_metrics(metrics, step=None)
Records metrics. This method logs metrics as as soon as it received them. If you want to aggregate metrics
for one specific step, use the agg_and_log_metrics() method.
Parameters
• metrics (Dict[str, float]) – Dictionary with metric names as keys and measured
quantities as values
• step (Optional[int]) – Step number at which the metrics should be recorded
Return type None
property experiment
Actual MLflow object. To use mlflow features in your LightningModule do the following.
Example:
self.logger.experiment.some_mlflow_function()
6.3.3 Neptune
class pytorch_lightning.loggers.neptune.NeptuneLogger(api_key=None,
project_name=None,
close_after_fit=True, of-
fline_mode=False, exper-
iment_name=None, up-
load_source_files=None,
params=None, proper-
ties=None, tags=None,
**kwargs)
Bases: pytorch_lightning.loggers.base.LightningLoggerBase
Log using Neptune. Install it with pip:
The Neptune logger can be used in the online mode or offline (silent) mode. To log experiment data in online
mode, NeptuneLogger requires an API key. In offline mode, the logger does not connect to Neptune.
ONLINE MODE
84 Chapter 6. Loggers
PyTorch-Lightning Documentation, Release 0.8.5-dev
Example
>>> # We are using an api_key for the anonymous user "neptuner" but you can use
˓→your own.
OFFLINE MODE
Example
If you want to log objects after the training is finished use close_after_fit=False:
neptune_logger = NeptuneLogger(
...
(continues on next page)
# Log charts
from scikitplot.metrics import plot_confusion_matrix
import matplotlib.pyplot as plt
See also:
Parameters
• api_key (Optional[str]) – Required in online mode. Neptune API token, found on
https://neptune.ai. Read how to get your API key. It is recommended to keep it in the
NEPTUNE_API_TOKEN environment variable and then you can leave api_key=None.
• project_name (Optional[str]) – Required in online mode. Qualified name of a
project in a form of “namespace/project_name” for example “tom/minst-classification”. If
None, the value of NEPTUNE_PROJECT environment variable will be taken. You need to
create the project in https://neptune.ai first.
• offline_mode (bool) – Optional default False. If True no logs will be sent to Nep-
tune. Usually used for debug purposes.
• close_after_fit (Optional[bool]) – Optional default True. If False the
experiment will not be closed after training and additional metrics, images or arti-
facts can be logged. Also, remember to close the experiment explicitly by running
neptune_logger.experiment.stop().
• experiment_name (Optional[str]) – Optional. Editable name of the experiment.
Name is displayed in the experiment’s Details (Metadata section) and in experiments view
as a column.
86 Chapter 6. Loggers
PyTorch-Lightning Documentation, Release 0.8.5-dev
Parameters
• log_name (str) – The name of log, i.e. bboxes, visualisations, sample_images.
• image (Union[str, Any]) – The value of the log (data-point). Can be one of the fol-
lowing types: PIL image, matplotlib.figure.Figure, path to image file (str)
• step (Optional[int]) – Step number at which the metrics should be recorded, must
be strictly increasing
Return type None
log_metric(metric_name, metric_value, step=None)
Log metrics (numeric values) in Neptune experiments.
Parameters
• metric_name (str) – The name of log, i.e. mse, loss, accuracy.
• metric_value (Union[Tensor, float, str]) – The value of the log (data-point).
• step (Optional[int]) – Step number at which the metrics should be recorded, must
be strictly increasing
Return type None
log_metrics(metrics, step=None)
Log metrics (numeric values) in Neptune experiments.
Parameters
• metrics (Dict[str, Union[Tensor, float]]) – Dictionary with metric names as
keys and measured quantities as values
• step (Optional[int]) – Step number at which the metrics should be recorded, must
be strictly increasing
Return type None
log_text(log_name, text, step=None)
Log text data in Neptune experiments.
Parameters
• log_name (str) – The name of log, i.e. mse, my_text_data, timing_info.
• text (str) – The value of the log (data-point).
• step (Optional[int]) – Step number at which the metrics should be recorded, must
be strictly increasing
Return type None
set_property(key, value)
Set key-value pair as Neptune experiment property.
Parameters
• key (str) – Property key.
• value (Any) – New value of a property.
Return type None
property experiment
Actual Neptune object. To use neptune features in your LightningModule do the following.
Example:
88 Chapter 6. Loggers
PyTorch-Lightning Documentation, Release 0.8.5-dev
self.logger.experiment.some_neptune_function()
6.3.4 Tensorboard
class pytorch_lightning.loggers.tensorboard.TensorBoardLogger(save_dir,
name='default',
version=None,
**kwargs)
Bases: pytorch_lightning.loggers.base.LightningLoggerBase
Log to local file system in TensorBoard format. Implemented using SummaryWriter. Logs are saved to
os.path.join(save_dir, name, version). This is the default logger in Lightning, it comes prein-
stalled.
Example
Parameters
• save_dir (str) – Save directory
• name (Optional[str]) – Experiment name. Defaults to 'default'. If it is the empty
string then no per-experiment subdirectory is used.
• version (Union[int, str, None]) – Experiment version. If version is not specified
the logger inspects the save directory for existing versions, then automatically assigns the
next available version. If it is a string then it is used as the run-specific subdirectory name,
otherwise 'version_${version}' is used.
• **kwargs – Other arguments are passed directly to the SummaryWriter constructor.
finalize(status)
Do any processing that is necessary to finalize an experiment.
Parameters status (str) – Status that the experiment finished with (e.g. success, failed,
aborted)
Return type None
log_hyperparams(params, metrics=None)
Record hyperparameters.
self.logger.experiment.some_tensorboard_function()
90 Chapter 6. Loggers
PyTorch-Lightning Documentation, Release 0.8.5-dev
6.3.5 Test-tube
Example
Parameters
• save_dir (str) – Save directory
• name (str) – Experiment name. Defaults to 'default'.
• description (Optional[str]) – A short snippet about this experiment
• debug (bool) – If True, it doesn’t log anything.
• version (Optional[int]) – Experiment version. If version is not specified the logger
inspects the save directory for existing versions, then automatically assigns the next avail-
able version.
• create_git_tag (bool) – If True creates a git tag to save the code used in this exper-
iment.
close()
Do any cleanup that is necessary to close an experiment.
Return type None
finalize(status)
Do any processing that is necessary to finalize an experiment.
Parameters status (str) – Status that the experiment finished with (e.g. success, failed,
aborted)
self.logger.experiment.some_test_tube_function()
92 Chapter 6. Loggers
CHAPTER
SEVEN
METRICS
This is a general package for PyTorch Metrics. These can also be used with regular non-lightning PyTorch code.
Metrics are used to monitor model performance.
In this package we provide two major pieces of functionality.
1. A Metric class you can use to implement metrics with built-in distributed (ddp) support which are device agnos-
tic.
2. A collection of ready to use pupular metrics. There are two types of metrics: Class metrics and Functional
metrics.
3. A interface to call sklearns metrics
Example:
# calculates accuracy across all GPUs and all Nodes used in training
accuracy(pred, target)
Warning: The metrics package is still in development! If we’re missing a metric or you find a mistake, please
send a PR! to a few metrics. Please feel free to create an issue/PR if you have a proposed metric or have found a
bug.
You can implement metrics as either a PyTorch metric or a Numpy metric (It is recommend to use PyTorch metrics
when possible, since Numpy metrics slow down training).
Use TensorMetric to implement native PyTorch metrics. This class handles automated DDP syncing and converts
all inputs and outputs to tensors.
Use NumpyMetric to implement numpy metrics. This class handles automated DDP syncing and converts all inputs
and outputs to tensors.
93
PyTorch-Lightning Documentation, Release 0.8.5-dev
Warning: Numpy metrics might slow down your training substantially, since every metric computation requires
a GPU sync to convert tensors to numpy.
7.1.1 TensorMetric
class RMSE(TensorMetric):
def forward(self, x, y):
return torch.sqrt(torch.mean(torch.pow(x-y, 2.0)))
7.1.2 NumpyMetric
class RMSE(NumpyMetric):
def forward(self, x, y):
return np.sqrt(np.mean(np.power(x-y, 2.0)))
94 Chapter 7. Metrics
PyTorch-Lightning Documentation, Release 0.8.5-dev
Class metrics can be instantiated as part of a module definition (even with just plain PyTorch).
# Plain PyTorch
class MyModule(Module):
def __init__(self):
super().__init__()
self.metric = Accuracy()
# PyTorch Lightning
class MyModule(LightningModule):
def __init__(self):
super().__init__()
self.metric = Accuracy()
model = MyModule()
trainer = Trainer(gpus=8, num_nodes=2)
# any metric automatically reduces across GPUs (even the ones you implement using
˓→Lightning)
trainer.fit(model)
7.2.1 Accuracy
Example
Parameters
• num_classes (Optional[int]) – number of classes
• reduction (str) – a method for reducing accuracies over labels (default: takes the mean)
Available reduction methods: - elementwise_mean: takes the mean - none: pass array - sum:
add elements
• reduce_group (Optional[Any]) – the process group to reduce metric results from
DDP
• reduce_op (Optional[Any]) – the operation to perform for ddp reduction
forward(pred, target)
Actual metric computation
Parameters
• pred (Tensor) – predicted labels
• target (Tensor) – ground truth labels
Return type Tensor
Returns A Tensor with the classification score.
7.2.2 AveragePrecision
class pytorch_lightning.metrics.classification.AveragePrecision(pos_label=1,
re-
duce_group=None,
re-
duce_op=None)
Bases: pytorch_lightning.metrics.metric.TensorMetric
Computes the average precision score
Example
Parameters
• pos_label (int) – positive label indicator
96 Chapter 7. Metrics
PyTorch-Lightning Documentation, Release 0.8.5-dev
7.2.3 AUROC
Example
Parameters
• pos_label (int) – positive label indicator
• reduce_group (Optional[Any]) – the process group to reduce metric results from
DDP
• reduce_op (Optional[Any]) – the operation to perform for ddp reduction
forward(pred, target, sample_weight=None)
Actual metric computation
Parameters
• pred (Tensor) – predicted labels
• target (Tensor) – groundtruth labels
• sample_weight (Optional[Sequence]) – the weights per sample
Returns classification score
Return type torch.Tensor
7.2.4 ConfusionMatrix
class pytorch_lightning.metrics.classification.ConfusionMatrix(normalize=False,
re-
duce_group=None,
re-
duce_op=None)
Bases: pytorch_lightning.metrics.metric.TensorMetric
Computes the confusion matrix C where each entry C_{i,j} is the number of observations in group i that were
predicted in group j.
Example
Parameters
• normalize (bool) – whether to compute a normalized confusion matrix
• reduce_group (Optional[Any]) – the process group to reduce metric results from
DDP
• reduce_op (Optional[Any]) – the operation to perform for ddp reduction
forward(pred, target)
Actual metric computation
Parameters
• pred (Tensor) – predicted labels
• target (Tensor) – ground truth labels
Return type Tensor
Returns A Tensor with the confusion matrix.
7.2.5 DiceCoefficient
class pytorch_lightning.metrics.classification.DiceCoefficient(include_background=False,
nan_score=0.0,
no_fg_score=0.0,
reduc-
tion='elementwise_mean',
re-
duce_group=None,
re-
duce_op=None)
Bases: pytorch_lightning.metrics.metric.TensorMetric
Computes the dice coefficient
98 Chapter 7. Metrics
PyTorch-Lightning Documentation, Release 0.8.5-dev
Example
Parameters
• include_background (bool) – whether to also compute dice for the background
• nan_score (float) – score to return, if a NaN occurs during computation (denom zero)
• no_fg_score (float) – score to return, if no foreground pixel was found in target
• reduction (str) – a method for reducing accuracies over labels (default: takes the mean)
Available reduction methods: - elementwise_mean: takes the mean - none: pass array - sum:
add elements
• reduce_group (Optional[Any]) – the process group to reduce metric results from
DDP
• reduce_op (Optional[Any]) – the operation to perform for ddp reduction
forward(pred, target)
Actual metric computation
Parameters
• pred (Tensor) – predicted probability for each label
• target (Tensor) – groundtruth labels
Returns the calculated dice coefficient
Return type torch.Tensor
7.2.6 F1
Example
Parameters
• num_classes (Optional[int]) – number of classes
• reduction (str) – a method for reducing accuracies over labels (default: takes the mean)
Available reduction methods: - elementwise_mean: takes the mean - none: pass array - sum:
add elements
• reduce_group (Optional[Any]) – the process group to reduce metric results from
DDP
• reduce_op (Optional[Any]) – the operation to perform for ddp reduction
forward(pred, target)
Actual metric computation
Parameters
• pred (Tensor) – predicted labels
• target (Tensor) – groundtruth labels
Returns classification score
Return type torch.Tensor
7.2.7 FBeta
Example
Parameters
• beta (float) – determines the weight of recall in the combined score.
• num_classes (Optional[int]) – number of classes
• reduction (str) – a method for reducing accuracies over labels (default: takes the mean)
Available reduction methods: - elementwise_mean: takes the mean - none: pass array - sum:
add elements
• reduce_group (Optional[Any]) – the process group to reduce metric results from
DDP
• reduce_op (Optional[Any]) – the operation to perform for DDP reduction
forward(pred, target)
Actual metric computation
Parameters
• pred (Tensor) – predicted labels
• target (Tensor) – groundtruth labels
Returns classification score
Return type torch.Tensor
7.2.8 PrecisionRecall
Example
Parameters
• pos_label (int) – positive label indicator
• reduce_group (Optional[Any]) – the process group to reduce metric results from
DDP
• reduce_op (Optional[Any]) – the operation to perform for ddp reduction
forward(pred, target, sample_weight=None)
Actual metric computation
Parameters
• pred (Tensor) – predicted labels
7.2.9 Precision
class pytorch_lightning.metrics.classification.Precision(num_classes=None,
reduc-
tion='elementwise_mean',
reduce_group=None, re-
duce_op=None)
Bases: pytorch_lightning.metrics.metric.TensorMetric
Computes the precision score
Example
Parameters
• num_classes (Optional[int]) – number of classes
• reduction (str) – a method for reducing accuracies over labels (default: takes the mean)
Available reduction methods: - elementwise_mean: takes the mean - none: pass array - sum:
add elements
• reduce_group (Optional[Any]) – the process group to reduce metric results from
DDP
• reduce_op (Optional[Any]) – the operation to perform for ddp reduction
forward(pred, target)
Actual metric computation
Parameters
• pred (Tensor) – predicted labels
• target (Tensor) – ground truth labels
Return type Tensor
Returns A Tensor with the classification score.
7.2.10 Recall
Example
Parameters
• num_classes (Optional[int]) – number of classes
• reduction (str) – a method for reducing accuracies over labels (default: takes the mean)
Available reduction methods: - elementwise_mean: takes the mean - none: pass array - sum:
add elements
• reduce_group (Optional[Any]) – the process group to reduce metric results from
DDP
• reduce_op (Optional[Any]) – the operation to perform for ddp reduction
forward(pred, target)
Actual metric computation
Parameters
• pred (Tensor) – predicted labels
• target (Tensor) – ground truth labels
Return type Tensor
Returns A Tensor with the classification score.
7.2.11 ROC
Example
Parameters
• pos_label (int) – positive label indicator
• reduce_group (Optional[Any]) – the process group to reduce metric results from
DDP
• reduce_op (Optional[Any]) – the operation to perform for ddp reduction
forward(pred, target, sample_weight=None)
Actual metric computation
Parameters
• pred (Tensor) – predicted labels
• target (Tensor) – groundtruth labels
• sample_weight (Optional[Sequence]) – the weights per sample
Return type Tuple[Tensor, Tensor, Tensor]
Returns
• false positive rate
• true positive rate
• thresholds
7.2.12 MAE
class pytorch_lightning.metrics.regression.MAE(reduction='elementwise_mean')
Bases: pytorch_lightning.metrics.metric.Metric
Computes the root mean absolute loss or L1-loss.
Parameters reduction (str) – a method for reducing mse over labels (default: takes the mean)
Available reduction methods: - elementwise_mean: takes the mean - none: pass array - sum:
add elements
Example
forward(pred, target)
Actual metric computation
Parameters
• pred (Tensor) – predicted labels
• target (Tensor) – ground truth labels
Return type Tensor
Returns A Tensor with the mae loss.
7.2.13 MSE
class pytorch_lightning.metrics.regression.MSE(reduction='elementwise_mean')
Bases: pytorch_lightning.metrics.metric.Metric
Computes the mean squared loss.
Parameters reduction (str) – a method for reducing mse over labels (default: takes the mean)
Available reduction methods: - elementwise_mean: takes the mean - none: pass array - sum:
add elements
Example
forward(pred, target)
Actual metric computation
Parameters
• pred (Tensor) – predicted labels
• target (Tensor) – ground truth labels
Return type Tensor
Returns A Tensor with the mse loss.
7.2.14 MulticlassROC
class pytorch_lightning.metrics.classification.MulticlassROC(num_classes=None,
re-
duce_group=None,
reduce_op=None)
Bases: pytorch_lightning.metrics.metric.TensorCollectionMetric
Computes the multiclass ROC
Example
Parameters
• num_classes (Optional[int]) – number of classes
• reduction – a method for reducing accuracies over labels (default: takes the mean) Avail-
able reduction methods: - elementwise_mean: takes the mean - none: pass array - sum: add
elements
• reduce_group (Optional[Any]) – the process group to reduce metric results from
DDP
• reduce_op (Optional[Any]) – the operation to perform for ddp reduction
forward(pred, target, sample_weight=None)
Actual metric computation
Parameters
• pred (Tensor) – predicted probability for each label
• target (Tensor) – groundtruth labels
• sample_weight (Optional[Sequence]) – Weights for each sample defining the
sample’s impact on the score
Returns A tuple consisting of one tuple per class, holding false positive rate, true positive rate
and thresholds
Return type tuple
7.2.15 MulticlassPrecisionRecall
class pytorch_lightning.metrics.classification.MulticlassPrecisionRecall(num_classes=None,
re-
duce_group=None,
re-
duce_op=None)
Bases: pytorch_lightning.metrics.metric.TensorCollectionMetric
Computes the multiclass PR Curve
Example
Parameters
• num_classes (Optional[int]) – number of classes
• reduction – a method for reducing accuracies over labels (default: takes the mean) Avail-
able reduction methods: - elementwise_mean: takes the mean - none: pass array - sum: add
elements
• reduce_group (Optional[Any]) – the process group to reduce metric results from
DDP
• reduce_op (Optional[Any]) – the operation to perform for ddp reduction
forward(pred, target, sample_weight=None)
Actual metric computation
Parameters
• pred (Tensor) – predicted probability for each label
• target (Tensor) – groundtruth labels
• sample_weight (Optional[Sequence]) – Weights for each sample defining the
sample’s impact on the score
Returns A tuple consisting of one tuple per class, holding precision, recall and thresholds
Return type tuple
7.2.16 IoU
Example
Parameters
• remove_bg (bool) – Flag to state whether a background class has been included within
input parameters. If true, will remove background class. If false, return IoU over all classes.
Assumes that background is ‘0’ class in input tensor
• reduction (str) – a method for reducing IoU over labels (default: takes the mean)
Available reduction methods:
– elementwise_mean: takes the mean
– none: pass array
– sum: add elements
forward(y_pred, y_true, sample_weight=None)
Actual metric calculation.
7.2.17 RMSE
class pytorch_lightning.metrics.regression.RMSE(reduction='elementwise_mean')
Bases: pytorch_lightning.metrics.metric.Metric
Computes the root mean squared loss.
Parameters reduction (str) – a method for reducing mse over labels (default: takes the mean)
Available reduction methods: - elementwise_mean: takes the mean - none: pass array - sum:
add elements
Example
forward(pred, target)
Actual metric computation
Parameters
• pred (Tensor) – predicted labels
• target (Tensor) – ground truth labels
Return type Tensor
Returns A Tensor with the rmse loss.
7.2.18 RMSLE
class pytorch_lightning.metrics.regression.RMSLE(reduction='elementwise_mean')
Bases: pytorch_lightning.metrics.metric.Metric
Computes the root mean squared log loss.
Parameters reduction (str) – a method for reducing mse over labels (default: takes the mean)
Available reduction methods: - elementwise_mean: takes the mean - none: pass array - sum:
add elements
Example
forward(pred, target)
Actual metric computation
Parameters
• pred (Tensor) – predicted labels
• target (Tensor) – ground truth labels
Return type Tensor
Returns A Tensor with the rmsle loss.
Functional metrics can be called anywhere (even used with just plain PyTorch).
# calculates accuracy across all GPUs and all Nodes used in training
accuracy(pred, target)
class MyModule(...):
def forward(self, x, y):
return accuracy(x, y)
model = MyModule()
trainer = Trainer(gpus=8, num_nodes=2)
# any metric automatically reduces across GPUs (even the ones you implement using
˓→Lightning)
trainer.fit(model)
Example
pytorch_lightning.metrics.functional.auc(x, y, reorder=True)
Computes Area Under the Curve (AUC) using the trapezoidal rule
Parameters
• x (Tensor) – x-coordinates
• y (Tensor) – y-coordinates
• reorder (bool) – reorder coordinates, so they are increasing.
Return type Tensor
Returns Tensor containing AUC score (float)
Example
Example
Example
Example
Example
Example
Example
pytorch_lightning.metrics.functional.multiclass_precision_recall_curve(pred,
tar-
get,
sam-
ple_weight=None,
num_classes=None)
Computes precision-recall pairs for different thresholds given a multiclass scores.
Parameters
• pred (Tensor) – estimated probabilities
• target (Tensor) – ground-truth labels
• sample_weight (Optional[Sequence]) – sample weight
• num_classes (Optional[int]) – number of classes
Return type Tuple[Tensor, Tensor, Tensor, Tensor]
Returns number of classes, precision, recall, thresholds
Example
>>> nb_classes
(tensor([1., 1.]), tensor([1., 0.]), tensor([0.8500]))
>>> precision
(tensor([1., 1.]), tensor([1., 0.]), tensor([0.8500]))
>>> recall
(tensor([0.2500, 0.0000, 1.0000]), tensor([1., 0., 0.]), tensor([0.0500, 0.8500]))
>>> thresholds
(tensor([0.2500, 0.0000, 1.0000]), tensor([1., 0., 0.]), tensor([0.0500, 0.8500]))
Example
Example
pytorch_lightning.metrics.functional.precision_recall(pred, target,
num_classes=None, reduc-
tion='elementwise_mean')
Computes precision and recall for different thresholds
Parameters
• pred (Tensor) – estimated probabilities
• target (Tensor) – ground-truth labels
• num_classes (Optional[int]) – number of classes
• reduction (str) – method for reducing precision-recall values (default: takes the mean)
Available reduction methods:
– elementwise_mean: takes the mean
– none: pass array
– sum: add elements
Return type Tuple[Tensor, Tensor]
Returns Tensor with precision and recall
Example
Example
Example
Example
Example
Example
pytorch_lightning.metrics.functional.stat_scores_multiple_classes(pred, target,
num_classes=None,
argmax_dim=1)
Calls the stat_scores function iteratively for all classes, thus calculating the number of true postive, false postive,
true negative and false negative for each class
Parameters
• pred (Tensor) – prediction tensor
• target (Tensor) – target tensor
Example
pytorch_lightning.metrics.functional.to_categorical(tensor, argmax_dim=1)
Converts a tensor of probabilities to a dense label tensor
Parameters
• tensor (Tensor) – probabilities to get the categorical label [N, d1, d2, . . . ]
• argmax_dim (int) – dimension to apply (default: 1)
Return type Tensor
Returns A tensor with categorical labels [N, d2, . . . ]
Example
pytorch_lightning.metrics.functional.to_onehot(tensor, n_classes=None)
Converts a dense label tensor to one-hot format
Parameters
• tensor (Tensor) – dense label tensor, with shape [N, d1, d2, . . . ]
• n_classes (Optional[int]) – number of classes C
Example
Lightning supports sklearns metrics module as a backend for calculating metrics. Sklearns metrics are well tested and
robust, but requires conversion between pytorch and numpy thus may slow down your computations.
To use the sklearn backend of metrics simply import as
Each converted sklearn metric comes has the same interface as its originally counterpart (e.g. accuracy takes the
additional normalize keyword). Like the native Lightning metrics these converted sklearn metrics also come with
built-in distributed (ddp) support.
pytorch_lightning.metrics.sklearns.SklearnMetric(metric_name, re-
duce_group=torch.distributed.group.WORLD,
reduce_op=torch.distributed.ReduceOp.SUM,
**kwargs)
Bridge between PyTorch Lightning and scikit-learn metrics
Warning: Every metric call will cause a GPU synchronization, which may slow down your code
Note: The order of targets and predictions may be different from the order typically used in PyTorch
pytorch_lightning.metrics.sklearns.Accuracy(normalize=True, re-
duce_group=torch.distributed.group.WORLD,
reduce_op=torch.distributed.ReduceOp.SUM)
Calculates the Accuracy Score
Warning: Every metric call will cause a GPU synchronization, which may slow down your code
Example
pytorch_lightning.metrics.sklearns.AUC(reduce_group=torch.distributed.group.WORLD, re-
duce_op=torch.distributed.ReduceOp.SUM)
Calculates the Area Under the Curve using the trapoezoidal rule
Warning: Every metric call will cause a GPU synchronization, which may slow down your code
Example
pytorch_lightning.metrics.sklearns.AveragePrecision(average='macro', re-
duce_group=torch.distributed.group.WORLD,
re-
duce_op=torch.distributed.ReduceOp.SUM)
Calculates the average precision (AP) score.
pytorch_lightning.metrics.sklearns.ConfusionMatrix(labels=None, re-
duce_group=torch.distributed.group.WORLD,
re-
duce_op=torch.distributed.ReduceOp.SUM)
Compute confusion matrix to evaluate the accuracy of a classification By definition a confusion matrix 𝐶 is such
that 𝐶𝑖,𝑗 is equal to the number of observations known to be in group 𝑖 but predicted to be in group 𝑗.
Example
7.5.6 F1 (sk)
𝑝𝑟𝑒𝑐𝑖𝑠𝑖𝑜𝑛 · 𝑟𝑒𝑐𝑎𝑙𝑙
𝐹1 = 2 ·
𝑝𝑟𝑒𝑐𝑖𝑠𝑖𝑜𝑛 + 𝑟𝑒𝑐𝑎𝑙𝑙
In the multi-class and multi-label case, this is the weighted average of the F1 score of each class.
Example
References
• [1] Wikipedia entry for the F1-score
Example
References
• [1] R. Baeza-Yates and B. Ribeiro-Neto (2011). Modern Information Retrieval. Addison Wesley, pp.
327-328.
• [2] Wikipedia entry for the F1-score
pytorch_lightning.metrics.sklearns.Precision(labels=None, pos_label=1,
average='macro', re-
duce_group=torch.distributed.group.WORLD,
reduce_op=torch.distributed.ReduceOp.SUM)
Compute the precision The precision is the ratio tp / (tp + fp) where tp is the number of true positives
and fp the number of false positives. The precision is intuitively the ability of the classifier not to label as
positive a sample that is negative. The best value is 1 and the worst value is 0.
Example
pytorch_lightning.metrics.sklearns.Recall(labels=None, pos_label=1,
average='macro', re-
duce_group=torch.distributed.group.WORLD,
reduce_op=torch.distributed.ReduceOp.SUM)
Compute the recall The recall is the ratio tp / (tp + fn) where tp is the number of true positives and fn
the number of false negatives. The recall is intuitively the ability of the classifier to find all the positive samples.
The best value is 1 and the worst value is 0.
Example
pytorch_lightning.metrics.sklearns.PrecisionRecallCurve(pos_label=1, re-
duce_group=torch.distributed.group.WORLD,
re-
duce_op=torch.distributed.ReduceOp.SUM)
Compute precision-recall pairs for different probability thresholds
The precision is the ratio tp / (tp + fp) where tp is the number of true positives and fp the number
of false positives. The precision is intuitively the ability of the classifier not to label as positive a sample that
is negative. The recall is the ratio tp / (tp + fn) where tp is the number of true positives and fn the
number of false negatives. The recall is intuitively the ability of the classifier to find all the positive samples.
The last precision and recall values are 1. and 0. respectively and do not have a corresponding threshold. This
ensures that the graph starts on the x axis.
pytorch_lightning.metrics.sklearns.ROC(pos_label=1, reduce_group=torch.distributed.group.WORLD,
reduce_op=torch.distributed.ReduceOp.SUM)
Compute Receiver operating characteristic (ROC)
Example
References
pytorch_lightning.metrics.sklearns.AUROC(average='macro', re-
duce_group=torch.distributed.group.WORLD,
reduce_op=torch.distributed.ReduceOp.SUM)
Compute Area Under the Curve (AUC) from prediction scores
Note: this implementation is restricted to the binary classification task or multilabel classification task in label
indicator format.
EIGHT
MODEL HOOKS
There are cases when you might want to do something different at different parts of the training/validation loop. To
enable a hook, simply override the method in your LightningModule and the trainer will call it at the correct time.
Contributing If there’s a hook you’d like to add, simply:
1. Fork PyTorchLightning.
2. Add the hook to pytorch_lightning.core.hooks.ModelHooks.
3. Add it in the correct place in pytorch_lightning.trainer where it should be called.
• prepare_data()
• setup()
• init_ddp_connection()
• init_optimizers()
• configure_apex()
• configure_ddp()
• train_dataloader()
• test_dataloader()
• val_dataloader()
• summarize()
• restore_weights()
Warning: prepare_data is only called from global_rank=0. Don’t assign state (self.something), use setup for that
129
PyTorch-Lightning Documentation, Release 0.8.5-dev
• on_epoch_start()
• on_batch_start()
• tbptt_split_batch()
• training_step()
• training_step_end() (optional)
• on_before_zero_grad()
• backward()
• on_after_backward()
• optimizer.step()
• on_batch_end()
• training_epoch_end()
• on_epoch_end()
• model.zero_grad()
• model.eval()
• torch.set_grad_enabled(False)
• validation_step()
• validation_step_end()
• validation_epoch_end()
• model.train()
• torch.set_grad_enabled(True)
• on_post_performance_check()
• model.zero_grad()
• model.eval()
• torch.set_grad_enabled(False)
• test_step()
• test_step_end()
• test_epoch_end()
• model.train()
• torch.set_grad_enabled(True)
• on_post_performance_check()
def on_after_backward(self):
# example to inspect gradient information in tensorboard
if self.trainer.global_step % 25 == 0: # don't make the tf file huge
params = self.state_dict()
for k, v in params.items():
grads = v
name = k
self.logger.experiment.add_histogram(tag=name, values=grads,
global_step=self.trainer.
˓→global_step)
on_batch_start(batch)
Called in the training loop before anything happens for that batch.
If you return -1 here, you will skip training for the rest of the current epoch.
Parameters batch (Any) – The batched data as it is returned by the training DataLoader.
Return type None
on_before_zero_grad(optimizer)
Called after optimizer.step() and before optimizer.zero_grad().
Called in the training loop after taking an optimizer step and before zeroing grads. Good place to inspect
weight information with weights updated.
This is where it is called:
Parameters optimizer (Optimizer) – The optimizer for which grads should be zeroed.
Return type None
on_epoch_end()
Called in the training loop at the very end of the epoch.
Return type None
on_epoch_start()
Called in the training loop at the very beginning of the epoch.
Return type None
on_fit_end()
Called at the very end of fit. If on DDP it is called on every process
on_fit_start()
Called at the very beginning of fit. If on DDP it is called on every process
on_post_performance_check()
Called at the very end of the validation loop.
Return type None
on_pre_performance_check()
Called at the very beginning of the validation loop.
Return type None
on_sanity_check_start()
Called before starting evaluation.
on_train_end()
Called at the end of training before logger experiment is closed.
Return type None
on_train_start()
Called at the beginning of training before sanity check.
Return type None
setup(stage)
Called at the beginning of fit and test. This is a good hook when you need to build models dynamically or
adjust something about them. This hook is called on every process when using DDP.
Parameters stage (str) – either ‘fit’ or ‘test’
Example:
class LitModel(...):
def __init__(self):
self.l1 = None
def prepare_data(self):
download_data()
tokenize()
# don't do this
self.something = else
def setup(step):
data = Load_data(...)
self.l1 = nn.Linear(28, data.num_classes)
teardown(stage)
Called at the end of fit and test.
Parameters stage (str) – either ‘fit’ or ‘test’
transfer_batch_to_device(batch, device)
Override this hook if your DataLoader returns tensors wrapped in a custom data structure.
The data types listed below (and any arbitrary nesting of them) are supported out of the box:
• torch.Tensor or anything that implements .to(. . . )
• list
• dict
• tuple
• torchtext.data.batch.Batch
For anything else, you need to define how the data is moved to the target device (CPU, GPU, TPU, . . . ).
Example:
Parameters
Note: This hook should only transfer the data and not modify it, nor should it move the data to any other
device than the one passed in as argument (unless you know what you are doing). The Trainer already
takes care of splitting the batch and determines the target devices.
See also:
• move_data_to_device()
• apply_to_collection()
NINE
TRAINER
Once you’ve organized your PyTorch code into a LightningModule, the Trainer automates everything else.
135
PyTorch-Lightning Documentation, Release 0.8.5-dev
model = MyLightningModule()
trainer = Trainer()
trainer.fit(model)
For cluster computing, it’s recommended you structure your main.py file this way
def main(hparams):
model = LightningModule()
trainer = Trainer(gpus=hparams.gpus)
trainer.fit(model)
if __name__ == '__main__':
parser = ArgumentParser()
parser.add_argument('--gpus', default=None)
args = parser.parse_args()
main(args)
Note: If you want to stop a training run early, you can press “Ctrl + C” on your keyboard. The trainer will catch the
KeyboardInterrupt and attempt a graceful shutdown, including running callbacks such as on_train_end. The trainer
object will also set an attribute interrupted to True in such cases. If you have a callback which shuts down compute
resources, for example, you can conditionally run the shutdown logic for only uninterrupted runs.
9.3 Testing
Once you’re done training, feel free to run the test set! (Only right before publishing your paper or pushing to
production)
trainer.test()
You just trained a LightningModule which is also just a torch.nn.Module. Use it to do whatever!
# load model
pretrained_model = LightningModule.load_from_checkpoint(PATH)
pretrained_model.freeze()
# or for prediction
out = pretrained_model(x)
api_write({'response': out}
You may wish to run the model on a variety of devices. Instead of moving the data manually to the correct device,
decorate the forward method (or any other method you use for inference) with auto_move_data() and Lightning
will take care of the rest.
9.5 Reproducibility
To ensure full reproducibility from run to run you need to set seeds for pseudo-random generators, and set
deterministic` flag in Trainer.
Example:
seed_everything(42)
# sets seeds for numpy, torch, python.random and PYTHONHASHSEED.
model = Model()
trainer = Trainer(deterministic=True)
9.6.1 accumulate_grad_batches
Example:
# accumulate every 4 batches (effective batch size is batch*4)
trainer = Trainer(accumulate_grad_batches=4)
# no accumulation for epochs 1-4. accumulate 3 for epochs 5-10. accumulate 20 after
˓→that
9.6.2 amp_level
The optimization level to use (O1, O2, etc. . . ) for 16-bit GPU precision (using NVIDIA apex under the hood).
Check NVIDIA apex docs for level
Example:
# default used by the Trainer
trainer = Trainer(amp_level='O1')
9.6.3 auto_scale_batch_size
Automatically tries to find the largest batch size that fits into memory, before any training.
# default used by the Trainer (no scaling of batch size)
trainer = Trainer(auto_scale_batch_size=None)
9.6.4 auto_lr_find
Runs a learning rate finder algorithm (see this paper) before any training, to find optimal initial learning rate.
# default used by the Trainer (no learning rate finder)
trainer = Trainer(auto_lr_find=False)
Example:
# run learning rate finder, results override hparams.learning_rate
trainer = Trainer(auto_lr_find=True)
9.6.5 benchmark
If true enables cudnn.benchmark. This flag is likely to increase the speed of your system if your input sizes don’t
change. However, if it does, then it will likely make your system slower.
The speedup comes from allowing the cudnn auto-tuner to find the best algorithm for the hardware [see discussion
here].
Example:
9.6.6 deterministic
If true enables cudnn.deterministic. Might make your system slower, but ensures reproducibility. Also sets
$HOROVOD_FUSION_THRESHOLD=0.
For more info check [pytorch docs].
Example:
9.6.7 callbacks
Add a list of user defined callbacks. These callbacks DO NOT replace the explicit callbacks (loggers, EarlyStopping
or ModelCheckpoint).
# a list of callbacks
callbacks = [PrintCallback()]
trainer = Trainer(callbacks=callbacks)
Example:
class PrintCallback(Callback):
def on_train_start(self, trainer, pl_module):
print("Training is started!")
def on_train_end(self, trainer, pl_module):
print("Training is done.")
9.6.8 check_val_every_n_epoch
9.6.9 checkpoint_callback
Example:
9.6.10 default_root_dir
9.6.11 distributed_backend
• (`ddp2`) dp on node, ddp across nodes. Useful for things like increasing the number of negative samples
Example:
# dp = DataParallel
trainer = Trainer(gpus=2, distributed_backend='dp')
# ddp = DistributedDataParallel
trainer = Trainer(gpus=2, num_nodes=2, distributed_backend='ddp')
# ddp2 = DistributedDataParallel + dp
trainer = Trainer(gpus=2, num_nodes=2, distributed_backend='ddp2')
Note: this option does not apply to TPU. TPUs use `ddp` by default (over each core)
See also:
• Multi-GPU training guide
• Multi-node (SLURM) guide
9.6.12 early_stop_callback
9.6.13 fast_dev_run
Runs 1 batch of train, test and val to find any bugs (ie: a sort of unit test).
Under the hood the pseudocode looks like this:
# loading
__init__()
prepare_data
9.6.14 gpus
Example:
See also:
• Multi-GPU training guide
9.6.15 gradient_clip_val
9.6.16 limit_test_batches
In the case of multiple test dataloaders, the limit applies to each dataloader individually.
9.6.17 limit_val_batches
How much of validation dataset to check. Useful when debugging or testing something that happens at the end of an
epoch.
# default used by the Trainer
trainer = Trainer(limit_val_batches=1.0)
In the case of multiple validation dataloaders, the limit applies to each dataloader individually.
9.6.18 log_gpu_memory
Options:
• None
• ‘min_max’
• ‘all’
# default used by the Trainer
trainer = Trainer(log_gpu_memory=None)
# log only the min and max memory on the master node
trainer = Trainer(log_gpu_memory='min_max')
9.6.19 log_save_interval
9.6.20 logger
9.6.21 max_epochs
9.6.22 min_epochs
9.6.23 max_steps
Stop training after this number of steps Training will stop if max_steps or max_epochs have reached (earliest).
# Default (disabled)
trainer = Trainer(max_steps=None)
9.6.24 min_steps
Force training for at least these number of steps. Trainer will train model for at least min_steps or min_epochs (latest).
# Default (disabled)
trainer = Trainer(min_steps=None)
9.6.25 num_nodes
# to train on 8 nodes
trainer = Trainer(num_nodes=8)
9.6.26 num_processes
Number of processes to train with. Automatically set to the number of GPUs when using distrbuted_backend=
"ddp". Set to a number greater than 1 when using distributed_backend="ddp_cpu" to mimic distributed
training on a machine without GPUs. This is useful for debugging, but will not provide any speedup, since single-
process Torch already makes effient use of multiple CPUs.
9.6.27 num_sanity_val_steps
Sanity check runs n batches of val before starting the training routine. This catches any bugs in your validation without
having to wait for the first validation check. The Trainer uses 5 steps by default. Turn it off or modify it here.
# turn it off
trainer = Trainer(num_sanity_val_steps=0)
9.6.28 num_tpu_cores
Example:
python -m torch_xla.distributed.xla_dist
--tpu=$TPU_POD_NAME
--conda-env=torch-xla-nightly
--env=XLA_USE_BF16=1
-- python your_trainer_file.py
9.6.29 prepare_data_per_node
If True will call prepare_data() on LOCAL_RANK=0 for every node. If False will only call from NODE_RANK=0,
LOCAL_RANK=0
# default
Trainer(prepare_data_per_node=True)
9.6.30 tpu_cores
# your_trainer_file.py
To train on more than 8 cores (ie: a POD), submit this script using the xla_dist script.
Example:
python -m torch_xla.distributed.xla_dist
--tpu=$TPU_POD_NAME
--conda-env=torch-xla-nightly
--env=XLA_USE_BF16=1
-- python your_trainer_file.py
9.6.31 overfit_pct
9.6.32 overfit_batches
Uses this much data of the training set. If nonzero, will use the same training set for validation and testing. If the
training dataloaders have shuffle=True, Lightning will automatically disable it.
Useful for quickly debugging or trying to overfit on purpose.
# use only 1% of the train set (and use the train set for val and test)
trainer = Trainer(overfit_batches=0.01)
9.6.33 precision
Full precision (32), half precision (16). Can be used on CPU, GPU or TPUs.
If used on TPU will use torch.bfloat16 but tensor printing will still show torch.float32.
# 16-bit precision
trainer = Trainer(precision=16)
Example:
# one day
trainer = Trainer(precision=8|4|2)
9.6.34 print_nan_grads
9.6.35 process_position
Orders the progress bar. Useful when running multiple trainers on the same node.
9.6.36 profiler
# equivalent to profiler=True
trainer = Trainer(profiler=SimpleProfiler())
9.6.37 progress_bar_refresh_rate
How often to refresh progress bar (in steps). In notebooks, faster refresh rates (lower number) is known to crash them
because of their screen refresh rates, so raise it to 50 or more.
9.6.38 reload_dataloaders_every_epoch
# if False (default)
train_loader = model.train_dataloader()
for epoch in epochs:
for batch in train_loader:
...
# if True
for epoch in epochs:
train_loader = model.train_dataloader()
for batch in train_loader:
9.6.39 replace_sampler_ddp
9.6.40 resume_from_checkpoint
9.6.41 row_log_interval
use_amp:
9.6.42 show_progress_bar
9.6.43 val_percent_check
9.6.44 test_percent_check
9.6.45 train_percent_check
9.6.46 track_grad_norm
• no tracking (-1)
• Otherwise tracks that norm (2 for 2-norm)
9.6.47 limit_train_batches
How much of training dataset to check. Useful when debugging or testing something that happens at the end of an
epoch.
Example:
9.6.48 truncated_bptt_steps
Truncated back prop breaks performs backprop every k steps of a much longer sequence.
If this is enabled, your batches will automatically get truncated and the trainer will apply Truncated Backprop to it.
(Williams et al. “An efficient gradient-based algorithm for on-line training of recurrent network trajectories.”)
return {
"loss": ...,
"hiddens": hiddens # remember to detach() this
}
class LitMNIST(LightningModule):
def tbptt_split_batch(self, batch, split_size):
# do your own splitting on the batch
return splits
9.6.49 val_check_interval
How often within one training epoch to check the validation set. Can specify as float or int.
• use (float) to check within a training epoch
• use (int) to check every n steps (batches)
9.6.50 weights_save_path
Example:
9.6.51 weights_summary
Prints a summary of the weights when training begins. Options: ‘full’, ‘top’, None.
# default used by the Trainer (ie: print summary of top level modules)
trainer = Trainer(weights_summary='top')
Example
EarlyStopping) –
• callbacks (Optional[List[Callback]]) – Add a list of callbacks.
• default_root_dir (Optional[str]) – Default path for logs and weights when no
logger/ckpt_callback passed
• gradient_clip_val (float) – 0 means don’t clip.
• gradient_clip –
• process_position (int) – orders the progress bar when running multiple models on
same machine.
• num_nodes (int) – number of GPU nodes for distributed training.
• nb_gpu_nodes –
• val_percent_check (Optional[float]) –
• test_percent_check (Optional[float]) –
Examples
# Option 1,
# Define the train_dataloader() and val_dataloader() fxs
# in the lightningModule
# RECOMMENDED FOR MOST RESEARCH AND APPLICATIONS TO MAINTAIN READABILITY
trainer = Trainer()
model = LightningModule()
trainer.fit(model)
# Option 2
# in production cases we might want to pass different datasets to the same
˓→model
# Option 1 & 2 can be mixed, for example the training set can be
# defined as part of the model, and validation can then be feed to .fit()
Example
Examples
static parse_argparser(arg_parser)
Parse CLI arguments, required for custom bool types.
Return type Namespace
run_pretrain_routine(model)
Sanity check a few things before starting actual training.
Parameters model (LightningModule) – The model to run sanity test on.
test(model=None, test_dataloaders=None, ckpt_path='best')
Separates from fit to make sure you never run on your test set until you want to.
Parameters
• model (Optional[LightningModule]) – The model to test.
• test_dataloaders (Union[DataLoader, List[DataLoader], None]) – Either
a single Pytorch Dataloader or a list of them, specifying validation samples.
• ckpt_path (Optional[str]) – Either best or path to the checkpoint you wish to
test. If None, use the weights from the last epoch to test. Default to best.
Example:
# Option 1
# run test with the best checkpoint from ``ModelCheckpoint`` after fitting.
test = DataLoader(...)
trainer = Trainer()
model = LightningModule()
trainer.fit(model)
trainer.test(test_dataloaders=test)
# Option 2
# run test with the specified checkpoint after fitting
test = DataLoader(...)
trainer = Trainer()
model = LightningModule()
trainer.fit(model)
trainer.test(test_dataloaders=test, ckpt_path='path/to/checkpoint.ckpt')
# Option 3
# run test with the weights from the end of training after fitting
test = DataLoader(...)
trainer = Trainer()
model = LightningModule()
trainer.fit(model)
trainer.test(test_dataloaders=test, ckpt_path=None)
# Option 4
# run test from a loaded model. ``ckpt_path`` is ignored in this case.
test = DataLoader(...)
model = LightningModule.load_from_checkpoint('path/to/checkpoint.ckpt')
trainer = Trainer()
trainer.test(model, test_dataloaders=test)
property is_global_zero
this is just empty shell for code implemented in other class.
Type Warning
Return type bool
property num_gpus
this is just empty shell for code implemented in other class.
Type Warning
Return type int
property progress_bar_dict
Read-only for progress bar metrics.
Return type dict
property slurm_job_id
this is just empty shell for code implemented in other class.
Type Warning
Return type Optional[int]
pytorch_lightning.trainer.seed_everything(seed=None)
Function that sets seed for pseudo-random number generators in: pytorch, numpy, python.random and sets
PYTHONHASHSEED environment variable.
Return type int
TEN
BOLTS
PyTorch Lightning Bolts, is our official collection of prebuilt models across many research domains.
pip install pytorch-lightning-bolts
In bolts we have:
• A collection of pretrained state-of-the-art models.
• A collection of models designed to bootstrap your research.
• A collection of Callbacks, transforms, full datasets.
• All models work on CPUs, TPUs, GPUs and 16-bit precision.
Bolts are built-by the Lightning community and contributed to bolts. The lightning team guarantees that contributions
are:
• Rigorously Tested (CPUs, GPUs, TPUs)
• Rigorously Documented
• Standardized via PyTorch Lightning
• Optimized for speed
• Checked for correctness
163
PyTorch-Lightning Documentation, Release 0.8.5-dev
Bolts are contributed with benchmarks and continuous-integration tests. This means you can trust the implementations
and use them to bootstrap your resarch much faster.
class VideoGPT(ImageGPT):
logits = self.gpt(x)
simclr_features = self.simclr(x)
# -----------------
# do something new with GPT logits + simclr_features
# -----------------
trainer = pl.Trainer(callbacks=[PrintTableMetricsCallback()])
ELEVEN
16-BIT TRAINING
16 bit precision can cut your memory footprint by half. If using volta architecture GPUs it can give a dramatic training
speed-up as well.
When using PyTorch 1.6+ Lightning uses the native amp implementation to support 16-bit.
# turn on 16-bit
trainer = Trainer(precision=16)
If you are using an earlier version of PyTorch Lightning uses Apex to support 16-bit.
Follow these instructions to install Apex. To use 16-bit precision, do two things:
1. Install Apex
2. Set the “precision” trainer flag.
# ------------------------
# OPTIONAL: on your cluster you might need to load cuda 10 or 9
# depending on how you installed PyTorch
165
PyTorch-Lightning Documentation, Release 0.8.5-dev
# make sure you've loaded a cuda version > 4.0 and < 7.0
module load gcc-6.1.0
Warning: NVIDIA Apex and DDP have instability problems. We recommend native 16-bit in PyTorch 1.6+
# turn on 16-bit
trainer = Trainer(amp_level='O2', precision=16)
If you need to configure the apex init for your particular use case or want to use a different way of doing 16-bit training,
override pytorch_lightning.core.LightningModule.configure_apex().
16-bit on TPus is much simpler. To use 16-bit with TPUs set precision to 16 when using the tpu flag
# DEFAULT
trainer = Trainer(tpu_cores=8, precision=32)
# turn on 16-bit
trainer = Trainer(tpu_cores=8, precision=16)
TWELVE
trainer = pl.Trainer(
gpus=8,
num_nodes=4,
distributed_backend='ddp'
)
trainer.fit(model)
if __name__ == '__main__':
root_dir = os.path.dirname(os.path.realpath(__file__))
parent_parser = ArgumentParser(add_help=False)
hyperparams = parser.parse_args()
# TRAIN
main(hyperparams)
167
PyTorch-Lightning Documentation, Release 0.8.5-dev
5. If you want auto-resubmit (read below), add this line to the submit.sh script
#SBATCH --signal=SIGUSR1@90
sbatch submit.sh
Note: When running in DDP mode, any errors in your code will show up as an NCCL issue. Set the
NCCL_DEBUG=INFO flag to see the ACTUAL error.
Normally now you would need to add a DistributedSampler to your dataset, however Lightning automates this
for you. But if you still need to set a sampler set the Trainer flag replace_sampler_ddp to False.
Here’s an example of how to add your own sampler (again, not needed with Lightning).
# in your LightningModule
def train_dataloader(self):
dataset = MyDataset()
dist_sampler = torch.utils.data.distributed.DistributedSampler(dataset)
dataloader = Dataloader(dataset, sampler=dist_sampler)
return dataloader
When you use Lightning in a SLURM cluster, it automatically detects when it is about to run into the wall time and
does the following:
1. Saves a temporary checkpoint.
2. Requeues the job.
3. When the job starts, it loads the temporary checkpoint.
To get this behavior make sure to add the correct signal to your SLURM script
Instead of manually building SLURM scripts, you can use the SlurmCluster object to do this for you. The SlurmCluster
can also run a grid search if you pass in a HyperOptArgumentParser.
Here is an example where you run a grid search of 9 combinations of hyperparameters. See also the multi-node
examples here.
# grid search 3 values of learning rate and 3 values of number of layers for your net
# this generates 9 experiments (lr=1e-3, layers=16), (lr=1e-3, layers=32),
# (lr=1e-3, layers=64), ... (lr=1e-1, layers=64)
parser = HyperOptArgumentParser(strategy='grid_search', add_help=False)
parser.opt_list('--learning_rate', default=0.001, type=float,
options=[1e-3, 1e-2, 1e-1], tunable=True)
parser.opt_list('--layers', default=1, type=float, options=[16, 32, 64], tunable=True)
hyperparams = parser.parse_args()
cluster.optimize_parallel_cluster_gpu(
main,
nb_trials=9, # how many permutations of the grid search to run
job_name='name_for_squeue'
)
The other option is that you generate scripts on your own via a bash command or use another library.
Here Lightning distributes parts of your module across available GPUs to optimize for speed and memory.
THIRTEEN
CHILD MODULES
Research projects tend to test different approaches to the same dataset. This is very easy to do in Lightning with
inheritance.
For example, imagine we now want to train an Autoencoder to use as a feature extractor for MNIST images. Recall
that LitMNIST already defines all the dataloading etc. . . The only things that change in the Autoencoder model are the
init, forward, training, validation and test step.
class Encoder(torch.nn.Module):
pass
class Decoder(torch.nn.Module):
pass
class AutoEncoder(LitMNIST):
def __init__(self):
super().__init__()
self.encoder = Encoder()
self.decoder = Decoder()
representation = self.encoder(x)
x_hat = self(representation)
171
PyTorch-Lightning Documentation, Release 0.8.5-dev
autoencoder = AutoEncoder()
trainer = Trainer()
trainer.fit(autoencoder)
And remember that the forward method is to define the practical use of a LightningModule. In this case, we want to
use the AutoEncoder to extract image representations
FOURTEEN
DEBUGGING
14.1 fast_dev_run
This flag runs a “unit test” by running 1 training batch and 1 validation batch. The point is to detect any bugs in the
training/validation loop without having to wait for a full epoch to crash.
(See: fast_dev_run argument of Trainer)
trainer = Trainer(fast_dev_run=True)
# the 2-norm
trainer = Trainer(track_grad_norm=2)
Logs (to a logger) the GPU usage for each GPU on the master machine.
(See: log_gpu_memory argument of Trainer)
trainer = Trainer(log_gpu_memory=True)
173
PyTorch-Lightning Documentation, Release 0.8.5-dev
A good debugging technique is to take a tiny portion of your data (say 2 samples per class), and try to get your model
to overfit. If it can’t, it’s a sign it won’t work with large datasets.
(See: overfit_batches argument of Trainer)
# use only 1% of training data (and use the same training dataloader (with shuffle
˓→off) in val and test)
trainer = Trainer(overfit_batches=0.01)
With this flag, the train, val, and test sets will all be the same train set. We will also replace the sampler in the training
set to turn off shuffle for you.
Whenever the .fit() function gets called, the Trainer will print the weights summary for the LightningModule. By
default it only prints the top-level modules. If you want to show all submodules in your network, use the ‘full’ option:
trainer = Trainer(weights_summary='full')
You can also display the intermediate input- and output sizes of all your layers by setting the
example_input_array attribute in your LightningModule. It will print a table like this
when you call .fit() on the Trainer. This can help you find bugs in the composition of your layers.
See Also:
• weights_summary Trainer argument
• ModelSummary
Sometimes it’s helpful to only use a percentage of your training, val or test data (or a set number of batches). For
example, you can use 20% of the training set and 1% of the validation set.
On larger datasets like Imagenet, this can help you debug or test a few things faster than waiting for a full epoch.
Lightning runs a few steps of validation in the beginning of training. This avoids crashing in the validation loop
sometime deep into a lengthy training loop.
(See: num_sanity_val_steps argument of Trainer)
# DEFAULT
trainer = Trainer(num_sanity_val_steps=5)
FIFTEEN
EXPERIMENT LOGGING
15.1 Comet.ml
Comet.ml is a third-party logger. To use CometLogger as your logger do the following. First, install the package:
import os
from pytorch_lightning.loggers import CometLogger
comet_logger = CometLogger(
api_key=os.environ.get('COMET_API_KEY'),
workspace=os.environ.get('COMET_WORKSPACE'), # Optional
save_dir='.', # Optional
project_name='default_project', # Optional
rest_api_key=os.environ.get('COMET_REST_API_KEY'), # Optional
experiment_name='default' # Optional
)
trainer = Trainer(logger=comet_logger)
class MyModule(LightningModule):
def any_lightning_module_function_or_hook(self):
some_img = fake_image()
self.logger.experiment.add_image('generated_images', some_img, 0)
See also:
CometLogger docs.
177
PyTorch-Lightning Documentation, Release 0.8.5-dev
15.2 MLflow
MLflow is a third-party logger. To use MLFlowLogger as your logger do the following. First, install the package:
See also:
MLFlowLogger docs.
15.3 Neptune.ai
Neptune.ai is a third-party logger. To use NeptuneLogger as your logger do the following. First, install the
package:
neptune_logger = NeptuneLogger(
api_key='ANONYMOUS', # replace with your own
project_name='shared/pytorch-lightning-integration',
experiment_name='default', # Optional,
params={'max_epochs': 10}, # Optional,
tags=['pytorch-lightning', 'mlp'], # Optional,
)
trainer = Trainer(logger=neptune_logger)
class MyModule(LightningModule):
def any_lightning_module_function_or_hook(self):
some_img = fake_image()
self.logger.experiment.add_image('generated_images', some_img, 0)
See also:
NeptuneLogger docs.
15.4 Tensorboard
class MyModule(LightningModule):
def any_lightning_module_function_or_hook(self):
some_img = fake_image()
self.logger.experiment.add_image('generated_images', some_img, 0)
See also:
TensorBoardLogger docs.
Test Tube is a TensorBoard logger but with nicer file structure. To use TestTubeLogger as your logger do the
following. First, install the package:
class MyModule(LightningModule):
def any_lightning_module_function_or_hook(self):
some_img = fake_image()
self.logger.experiment.add_image('generated_images', some_img, 0)
See also:
TestTubeLogger docs.
Weights and Biases is a third-party logger. To use WandbLogger as your logger do the following. First, install the
package:
class MyModule(LightningModule):
def any_lightning_module_function_or_hook(self):
some_img = fake_image()
self.logger.experiment.log({
"generated_images": [wandb.Image(some_img, caption="...")]
})
See also:
WandbLogger docs.
Lightning supports the use of multiple loggers, just pass a list to the Trainer.
The loggers are available as a list anywhere except __init__ in your LightningModule.
class MyModule(LightningModule):
def any_lightning_module_function_or_hook(self):
some_img = fake_image()
# Option 1
self.logger.experiment[0].add_image('generated_images', some_img, 0)
# Option 2
self.logger[0].experiment.add_image('generated_images', some_img, 0)
SIXTEEN
EXPERIMENT REPORTING
Lightning supports many different experiment loggers. These loggers allow you to monitor losses, images, text, etc. . .
as training progresses. They usually provide a GUI to visualize and can sometimes even snapshot hyperparameters
used in each experiment.
It may slow training down to log every single batch. Trainer has an option to log every k batches instead.
k = 10
trainer = Trainer(row_log_interval=k)
Writing to a logger can be expensive. In Lightning you can set the interval at which you want to log using this trainer
flag.
See also:
Trainer
k = 100
trainer = Trainer(log_save_interval=k)
To plot metrics into whatever logger you passed in (tensorboard, comet, neptune, etc. . . )
1. training_epoch_end, validation_epoch_end, test_epoch_end will all log anything in the “log” key of the return
dict.
181
PyTorch-Lightning Documentation, Release 0.8.5-dev
2. In addition, you can also use any arbitrary functionality from a particular logger from within your LightningModule.
For instance, here we log images using tensorboard.
sample_imgs = self.generated_imgs[:6]
grid = torchvision.utils.make_grid(sample_imgs)
self.logger.experiment.add_image('generated_images', grid, 0)
...
return results
Each return dict from the training_end, validation_end, testing_end and training_step also has a key called
“progress_bar”.
Here we show the validation loss in the progress bar
Lightning logs useful information about the training process and user warnings to the console. You can retrieve the
Lightning logger and change it to your liking. For example, increase the logging level to see fewer messages like so:
import logging
logging.getLogger("lightning").setLevel(logging.ERROR)
When training a model, it’s useful to know what hyperparams went into that model. When Lightning creates a check-
point, it stores a key “hparams” with the hyperparams.
Some loggers also allow logging the hyperparams used in the experiment. For instance, when using the TestTubeLog-
ger or the TensorBoardLogger, all hyperparams will show in the hparams tab.
Loggers also allow you to snapshot a copy of the code used in this experiment. For example, TestTubeLogger does
this with a flag:
SEVENTEEN
EARLY STOPPING
You can stop an epoch early by overriding on_batch_start() to return -1 when some condition is met.
If you do this repeatedly, for every epoch you had originally requested, then this will stop your entire run.
By default early stopping will be enabled if ‘val_loss’ is found in validation_epoch_end()’s return dict. Oth-
erwise training will proceed with early stopping disabled.
The EarlyStopping callback can be used to monitor a validation metric and stop the training when no improvement
is observed.
There are two ways to enable the EarlyStopping callback:
• Set early_stop_callback=True. The callback will look for ‘val_loss’ in the dict returned by
validation_epoch_end() and raise an error if val_loss is not present.
trainer = Trainer(early_stop_callback=True)
• Create the callback object and pass it to the trainer. This allows for further customization.
early_stop_callback = EarlyStopping(
monitor='val_accuracy',
min_delta=0.00,
patience=3,
verbose=False,
mode='max'
)
trainer = Trainer(early_stop_callback=early_stop_callback)
In case you need early stopping in a different part of training, subclass EarlyStopping and change where it is called:
185
PyTorch-Lightning Documentation, Release 0.8.5-dev
class MyEarlyStopping(EarlyStopping):
Note: The EarlyStopping callback runs at the end of every validation epoch, which, under the default configuration,
happen after every training epoch. However, the frequency of validation can be modified by setting various parameters
on the Trainer, for example check_val_every_n_epoch and val_check_interval. It must be noted
that the patience parameter counts the number of validation epochs with no improvement, and not the number of
training epochs. Therefore, with parameters check_val_every_n_epoch=10 and patience=3, the trainer will perform
at least 40 training epochs before being stopped.
See also:
• Trainer
• EarlyStopping
To disable early stopping pass False to the early_stop_callback. Note that None will not disable early
stopping but will lead to the default behaviour.
See also:
• Trainer
• EarlyStopping
EIGHTEEN
FAST TRAINING
There are multiple options to speed up different parts of the training by choosing to train on a subset of data. This
could be done for speed or debugging purposes.
If you have a small dataset you might want to check validation every n epochs
# DEFAULT
trainer = Trainer(check_val_every_n_epoch=1)
It can be useful to force training for a minimum number of epochs or limit to a max number.
See also:
Trainer
# DEFAULT
trainer = Trainer(min_epochs=1, max_epochs=1000)
For large datasets it’s often desirable to check validation multiple times within a training loop. Pass in a float to check
that often within 1 training epoch. Pass in an int k to check every k training batches. Must use an int if using an
IterableDataset.
# DEFAULT
trainer = Trainer(val_check_interval=0.95)
187
PyTorch-Lightning Documentation, Release 0.8.5-dev
# check every 100 train batches (ie: for IterableDatasets or fixed frequency)
trainer = Trainer(val_check_interval=100)
If you don’t want to check 100% of the training/validation/test set (for debugging or if it’s huge), set these flags.
# DEFAULT
trainer = Trainer(
limit_train_batches=1.0,
limit_val_batches=1.0,
limit_test_batches=1.0
)
# check 10%, 20%, 30% only, respectively for training, validation and test set
trainer = Trainer(
limit_train_batches=0.1,
limit_val_batches=0.2,
limit_test_batches=0.3
)
NINETEEN
HYPERPARAMETERS
Lightning has utilities to interact seamlessly with the command line ArgumentParser and plays well with the hyperpa-
rameter optimization framework of your choice.
19.1 ArgumentParser
Lightning is designed to augment a lot of the functionality of the built-in Python ArgumentParser
from argparse import ArgumentParser
parser = ArgumentParser()
parser.add_argument('--layer_1_dim', type=int, default=128)
args = parser.parse_args()
@staticmethod
def add_model_specific_args(parent_parser):
parser = ArgumentParser(parents=[parent_parser], add_help=False)
parser.add_argument('--encoder_layers', type=int, default=12)
parser.add_argument('--data_path', type=str, default='/some/path')
return parser
189
PyTorch-Lightning Documentation, Release 0.8.5-dev
Now in your main trainer file, add the Trainer args, the program args, and add the model args
# ----------------
# trainer_main.py
# ----------------
from argparse import ArgumentParser
parser = ArgumentParser()
args = parser.parse_args()
Often times we train many versions of a model. You might share that model or come back to it a few months later at
which point it is very useful to know how that model was trained (ie: what learning_rate, neural network, etc. . . ).
Lightning has a few ways of saving that information for you in checkpoints and yaml files. The goal here is to improve
readability and reproducibility
1. The first way is to ask lightning to save the values anything in the __init__ for you to the checkpoint. This also
makes those values available via self.hparams.
class LitMNIST(LightningModule):
# equivalent
self.save_hyperparameters('layer_1_dim', 'learning_rate')
2. Sometimes your init might have objects or other parameters you might not want to save. In that case, choose only a
few
class LitMNIST(LightningModule):
# using a argparse.Namespace
class LitMNIST(LightningModule):
def train_dataloader(self):
return DataLoader(mnist_train, batch_size=self.hparams.batch_size)
4. You can also save full objects such as dict or Namespace to the checkpoint.
# using a argparse.Namespace
class LitMNIST(LightningModule):
# equivalent
self.save_hyperparameters(conf)
conf = OmegaConf.create(...)
model = LitMNIST(conf)
# this works
model.hparams.anything
To recap, add ALL possible trainer flags to the argparser and init the Trainer this way
parser = ArgumentParser()
parser = Trainer.add_argparse_args(parser)
hparams = parser.parse_args()
trainer = Trainer.from_argparse_args(hparams)
We often have multiple Lightning Modules where each one has different arguments. Instead of polluting the main.py
file, the LightningModule lets you define arguments for each one.
class LitMNIST(LightningModule):
@staticmethod
def add_model_specific_args(parent_parser):
parser = ArgumentParser(parents=[parent_parser], add_help=False)
parser.add_argument('--layer_1_dim', type=int, default=128)
return parser
class GoodGAN(LightningModule):
Now we can allow each model to inject the arguments it needs in the main.py
def main(args):
dict_args = vars(args)
# pick model
if args.model_name == 'gan':
model = GoodGAN(**dict_args)
elif args.model_name == 'mnist':
model = LitMNIST(**dict_args)
trainer = Trainer.from_argparse_args(args)
trainer.fit(model)
if __name__ == '__main__':
parser = ArgumentParser()
parser = Trainer.add_argparse_args(parser)
args = parser.parse_args()
# train
main(args)
and now we can train MNIST or the GAN using the command line interface!
Lightning is fully compatible with the hyperparameter optimization libraries! Here are some useful ones:
• Hydra
• Optuna
TWENTY
For training deep neural networks, selecting a good learning rate is essential for both better performance and faster
convergence. Even optimizers such as Adam that are self-adjusting the learning rate can benefit from more optimal
choices.
To reduce the amount of guesswork concerning choosing a good initial learning rate, a learning rate finder can be
used. As described in this paper a learning rate finder does a small run where the learning rate is increased after each
processed batch and the corresponding loss is logged. The result of this is a lr vs. loss plot that can be used as guidance
for choosing a optimal initial lr.
Warning: For the moment, this feature only works with models having a single optimizer. LR support for DDP
is not implemented yet, it is comming soon.
In the most basic use case, this feature can be enabled during trainer construction with
Trainer(auto_lr_find=True). When .fit(model) is called, the LR finder will automatically run
before any training is done. The lr that is found and used will be written to the console and logged together with all
other hyperparameters of the model.
This flag sets your learning rate which can be accessed via self.lr or self.learning_rate.
class LitModel(LightningModule):
def configure_optimizers(self):
return Adam(self.parameters(), lr=(self.lr or self.learning_rate))
195
PyTorch-Lightning Documentation, Release 0.8.5-dev
Under the hood, when you call fit it runs the learning rate finder before actually calling fit.
If you want to inspect the results of the learning rate finder before doing any actual training or just play around with
the parameters of the algorithm, this can be done by invoking the lr_find method of the trainer. A typical example
of this would look like
model = MyModelClass(hparams)
trainer = Trainer()
# Plot with
fig = lr_finder.plot(suggest=True)
fig.show()
# Fit model
trainer.fit(model)
The figure produced by lr_finder.plot() should look something like the figure below. It is recommended to
not pick the learning rate that achives the lowest loss, but instead something in the middle of the sharpest downward
slope (red point). This is the point returned py lr_finder.suggestion().
The parameters of the algorithm can be seen below.
class pytorch_lightning.trainer.lr_finder.TrainerLRFinderMixin
Bases: abc.ABC
_run_lr_finder_internally(model)
Call lr finder internally during Trainer.fit()
abstract fit(*args)
Warning: this is just empty shell for code implemented in other class.
abstract init_optimizers(*args)
Warning: this is just empty shell for code implemented in other class.
Return type Tuple[List, List, List]
lr_find(model, train_dataloader=None, val_dataloaders=None, min_lr=1e-08,
max_lr=1, num_training=100, mode='exponential', early_stop_threshold=4.0,
num_accumulation_steps=None)
lr_find enables the user to do a range test of good initial learning rates, to reduce the amount of guesswork
# Run lr finder
lr_finder = trainer.lr_find(model, ...)
# Inspect results
fig = lr_finder.plot(); fig.show()
suggested_lr = lr_finder.suggestion()
abstract restore(*args)
Warning: this is just empty shell for code implemented in other class.
abstract save_checkpoint(*args)
Warning: this is just empty shell for code implemented in other class.
TWENTYONE
MULTI-GPU TRAINING
To train on CPU/GPU/TPU without changing your code, we need to build a few good habits :)
# before lightning
def forward(self, x):
x = x.cuda(0)
layer_1.cuda(0)
x_hat = layer_1(x)
# after lightning
def forward(self, x):
x_hat = layer_1(x)
When you need to create a new tensor, use type_as. This will make your code scale to any arbitrary number of GPUs
or TPUs with Lightning.
# before lightning
def forward(self, x):
z = torch.Tensor(2, 3)
z = z.cuda(0)
# with lightning
def forward(self, x):
z = torch.Tensor(2, 3)
z = z.type_as(x, device=self.device)
The LightningModule knows what device it is on. You can access the reference via self.device.
199
PyTorch-Lightning Documentation, Release 0.8.5-dev
In PyTorch, you must use torch.nn.DistributedSampler for multi-node or TPU training in PyTorch. The sampler makes
sure each GPU sees the appropriate part of your data.
# without lightning
def train_dataloader(self):
dataset = MNIST(...)
sampler = None
if self.on_tpu:
sampler = DistributedSampler(dataset)
Lightning adds the correct samplers when needed, so no need to explicitly add samplers.
# with lightning
def train_dataloader(self):
dataset = MNIST(...)
return DataLoader(dataset)
It’s very likely your code is already pickleable, in that case no change in necessary. However, if you run a distributed
model and get the following error:
self._launch(process_obj)
File "/net/software/local/python/3.6.5/lib/python3.6/multiprocessing/popen_spawn_
˓→posix.py", line 47,
ForkingPickler(file, protocol).dump(obj)
_pickle.PicklingError: Can't pickle <function <lambda> at 0x2b599e088ae8>:
attribute lookup <lambda> on __main__ failed
This means something in your model definition, transforms, optimizer, dataloader or callbacks cannot be pickled, and
the following code will fail:
import pickle
pickle.dump(some_object)
This is a limitation of using multiple processes for distributed training within PyTorch. To fix this issue, find your
piece of code that cannot be pickled. The end of the stacktrace is usually helpful. ie: in the stacktrace example here,
there seems to be a lambda function somewhere in the code which cannot be pickled.
self._launch(process_obj)
File "/net/software/local/python/3.6.5/lib/python3.6/multiprocessing/popen_spawn_
˓→posix.py", line 47,
ForkingPickler(file, protocol).dump(obj)
_pickle.PicklingError: Can't pickle [THIS IS THE THING TO FIND AND DELETE]:
attribute lookup <lambda> on __main__ failed
You can select the GPU devices using ranges, a list of indices or a string containing a comma separated list of GPU
ids:
# Above is equivalent to
Trainer(gpus=list(range(k)))
The table below lists examples of possible input formats and how they are interpreted by Lightning. Note in particular
the difference between gpus=0, gpus=[0] and gpus=”0”.
CUDA flags make certain GPUs visible to your script. Lightning sets these for you automatically, there’s NO NEED
to do this yourself.
However, when using a cluster, Lightning will NOT set these flags (and you should not either). SLURM will set these
for you. For more details see the SLURM cluster guide.
Note: If you request multiple GPUs or nodes without setting a mode, DDP will be automatically used.
For a deeper understanding of what Lightning is doing, feel free to read this guide.
DataParallel (DP) splits a batch across k GPUs. That is, if you have a batch of 32 and use DP with 2 gpus, each GPU
will process 16 samples, after which the root node will aggregate the results.
Warning: DP use is discouraged by PyTorch and Lightning. Use DDP which is more stable and at least 3x faster
Note: Make sure to set the random seed so that each model initializes with the same weights.
This Lightning implementation of DDP calls your script under the hood multiple times with the correct environment
variables. If your code does not support this (ie: jupyter notebook, colab, or a nested script without a root package),
use dp or ddp_spawn.
We use DDP this way because ddp_spawn has a few limitations (due to Python and PyTorch):
1. Since .spawn() trains the model in subprocesses, the model on the main process does not get updated.
2. Dataloader(num_workers=N), where N is large, bottlenecks training with DDP. . . ie: it will be VERY slow or
won’t work at all. This is a PyTorch limitation.
3. Forces everything to be picklable.
However, if you don’t mind these limitations, you can use ddp_spawn.
In certain cases, it’s advantageous to use all batches on the same machine instead of a subset. For instance, you might
want to compute a NCE loss where it pays to have more negative samples.
In this case, we can use DDP2 which behaves like DP in a machine and DDP across nodes. DDP2 does the following:
1. Copies a subset of the data to each node.
2. Inits a model on each node.
3. Runs a forward and backward pass using DP.
ddp_spawn is exactly like ddp except that it uses .spawn to start the training processes.
If your script does not support being called from the command line (ie: it is nested without a root project module) you
can use the following method:
We STRONGLY discourage this use because it has limitations (due to Python and PyTorch):
1. The model you pass in will not update. Please save a checkpoint and restore from there.
2. Set Dataloader(num_workers=0) or it will bottleneck training.
ddp is MUCH faster than ddp_spawn. We recommend you
1. Install a top-level module for your project using setup.py
# setup.py
#!/usr/bin/env python
setup(name='src',
version='0.0.1',
description='Describe Your Cool Project',
author='',
author_email='',
url='https://github.com/YourSeed', # REPLACE WITH YOUR OWN GITHUB PROJECT LINK
install_requires=[
'pytorch-lightning'
],
packages=find_packages()
)
/project
/src
some_file.py
/or_a_folder
setup.py
cd /project
pip install -e .
cd /project/src
python some_file.py --distributed_backend 'ddp' --gpus 8
21.3.5 Horovod
Horovod allows the same training script to be used for single-GPU, multi-GPU, and multi-node training.
Like Distributed Data Parallel, every process in Horovod operates on a single GPU with a fixed subset of the data.
Gradients are averaged across all GPUs in parallel during the backward pass, then synchronously applied before
beginning the next step.
The number of worker processes is configured by a driver application (horovodrun or mpirun). In the training script,
Horovod will detect the number of workers from the environment, and automatically scale the learning rate to com-
pensate for the increased total batch size.
Horovod can be configured in the training script to run with any number of GPUs / processes as follows:
When starting the training job, the driver application will then be used to specify the total number of worker processes:
See the official Horovod documentation for details on installation and performance tuning.
In DP and DDP2 each GPU within a machine sees a portion of a batch. DP and ddp2 roughly do the following:
y_0 = model_copy_gpu_0(gpu_0_batch)
y_1 = model_copy_gpu_1(gpu_1_batch)
y_2 = model_copy_gpu_2(gpu_2_batch)
y_3 = model_copy_gpu_3(gpu_3_batch)
(continues on next page)
So, when Lightning calls any of the training_step, validation_step, test_step you will only be operating on one of
those pieces.
For most metrics, this doesn’t really matter. However, if you want to add something to your computational graph (like
softmax) using all batch parts you can use the training_step_end step.
# get data
batch = next(dataloader)
# do softmax here
outputs = torch.cat(outputs, dim=1)
softmax = softmax(outputs, dim=1)
(continues on next page)
return out
If training_step_end is defined it will be called regardless of TPU, DP, DDP, etc. . . which means it will behave the
same regardless of the backend.
Validation and test step have the same option when using DP.
Due to an issue with Apex and DataParallel (PyTorch and NVIDIA issue), Lightning does not allow 16-bit and DP
training. We tried to get this to work, but it’s an issue on their end.
Below are the possible configurations we support.
If you need your own way to init PyTorch DDP you can override pytorch_lightning.core.
LightningModule.().
If you also need to use your own DDP implementation, override: pytorch_lightning.core.
LightningModule.configure_ddp().
When using distributed training make sure to modify your learning rate according to your effective batch size.
Let’s say you have a batch size of 7 in your dataloader.
class LitModel(LightningModule):
def train_dataloader(self):
return Dataset(..., batch_size=7)
In DDP2, your effective batch size will be 7 * num_nodes. The reason is that the full batch is visible to all GPUs on
the node when using DDP2.
Note: Huge batch sizes are actually really bad for convergence. Check out: Accurate, Large Minibatch SGD: Training
ImageNet in 1 Hour
21.5 PytorchElastic
Lightning supports the use of PytorchElastic to enable fault-tolerent and elastic distributed job scheduling. To use it,
specify the ‘ddp’ or ‘ddp2’ backend and the number of gpus you want to use in the trainer.
Trainer(gpus=8, distributed_backend='ddp')
Following the PytorchElastic Quickstart documentation, you then need to start a single-node etcd server on one of the
hosts:
etcd --enable-v2
--listen-client-urls http://0.0.0.0:2379,http://127.0.0.1:4001
--advertise-client-urls PUBLIC_HOSTNAME:2379
python -m torchelastic.distributed.launch
--nnodes=MIN_SIZE:MAX_SIZE
--nproc_per_node=TRAINERS_PER_NODE
--rdzv_id=JOB_ID
--rdzv_backend=etcd
--rdzv_endpoint=ETCD_HOST:ETCD_PORT
YOUR_LIGHTNING_TRAINING_SCRIPT.py (--arg1 ... train script args...)
See the official PytorchElastic documentation for details on installation and more use cases.
Unfortunately any ddp_ is not supported in jupyter notebooks. Please use dp for multiple GPUs. This is a known
Jupyter issue. If you feel like taking a stab at adding this support, feel free to submit a PR!
Multi-GPU training sometimes requires your model to be pickled. If you run into an issue with pickling try the
following to figure out the issue
import pickle
model = YourModel()
pickle.dumps(model)
However, if you use ddp the pickling requirement is not there and you should be fine. If you use ddp_spawn the
pickling requirement remains. This is a limitation of Python.
TWENTYTWO
MULTIPLE DATASETS
For training, the best way to use multiple-dataloaders is to create a Dataloader class which wraps both your dataloaders.
(This of course also works for testing and validation dataloaders).
(reference)
class ConcatDataset(torch.utils.data.Dataset):
def __init__(self, *datasets):
self.datasets = datasets
def __len__(self):
return min(len(d) for d in self.datasets)
class LitModel(LightningModule):
def train_dataloader(self):
concat_dataset = ConcatDataset(
datasets.ImageFolder(traindir_A),
datasets.ImageFolder(traindir_B)
)
loader = torch.utils.data.DataLoader(
concat_dataset,
batch_size=args.batch_size,
shuffle=True,
num_workers=args.workers,
pin_memory=True
)
return loader
211
PyTorch-Lightning Documentation, Release 0.8.5-dev
def test_dataloader(self):
# SAME
...
For validation, test dataloaders lightning also gives you the additional option of passing in multiple dataloaders back
from each call.
See the following for more details:
• val_dataloader()
• test_dataloader()
def val_dataloader(self):
loader_1 = Dataloader()
loader_2 = Dataloader()
return [loader_1, loader_2]
TWENTYTHREE
Checkpointing is enabled by default to the current working directory. To change the checkpoint path pass in:
trainer = Trainer(default_root_dir='/your/path/to/save/checkpoints')
trainer = Trainer(checkpoint_callback=checkpoint_callback)
213
PyTorch-Lightning Documentation, Release 0.8.5-dev
Or disable it by passing
trainer = Trainer(checkpoint_callback=False)
The Lightning checkpoint also saves the arguments passed into the LightningModule init under the module_arguments
key in the checkpoint.
class MyLightningModule(LightningModule):
You can manually save checkpoints and restore your model from the checkpointed state.
model = MyLightningModule(hparams)
trainer.fit(model)
trainer.save_checkpoint("example.ckpt")
new_model = MyModel.load_from_checkpoint(checkpoint_path="example.ckpt")
To load a model along with its weights, biases and module_arguments use following method.
model = MyLightingModule.load_from_checkpoint(PATH)
print(model.learning_rate)
# prints the learning_rate you used in this checkpoint
model.eval()
y_hat = model(x)
But if you don’t want to use the values saved in the checkpoint, pass in your own here
class LitModel(LightningModule):
# if you train and save the model like this it will use these values when loading
# the weights. But you can overwrite this
LitModel(in_dim=32, out_dim=10)
If you don’t just want to load weights, but instead restore the full training, do the following:
model = LitModel()
trainer = Trainer(resume_from_checkpoint='some/path/to/my_checkpoint.ckpt')
TWENTYFOUR
OPTIMIZATION
# no LR scheduler
def configure_optimizers(self):
return Adam(...)
# Adam + LR scheduler
def configure_optimizers(self):
optimizer = Adam(...)
scheduler = ReduceLROnPlateau(optimizer, ...)
return [optimizer], [scheduler]
217
PyTorch-Lightning Documentation, Release 0.8.5-dev
# one optimizer
def configure_optimizers(self):
return Adam(...)
To do more interesting things with your optimizers such as learning rate warm-up or odd scheduling, override the
optimizer_step() function.
For example, here step optimizer A every 2 batches and optimizer B every 4 batches
optimizer.step()
# ...
# add as many optimizers as you want
# warm up lr
if self.trainer.global_step < 500:
lr_scale = min(1., float(self.trainer.global_step + 1) / 500.)
for pg in optimizer.param_groups:
pg['lr'] = lr_scale * self.hparams.learning_rate
# update params
optimizer.step()
optimizer.zero_grad()
TWENTYFIVE
Profiling your training run can help you understand if there are any bottlenecks in your code.
PyTorch Lightning supports profiling standard actions in the training loop out of the box, including:
• on_epoch_start
• on_epoch_end
• on_batch_start
• tbptt_split_batch
• model_forward
• model_backward
• on_after_backward
• optimizer_step
• on_batch_end
• training_step_end
• on_training_end
If you only wish to profile the standard actions, you can set profiler=True when constructing your Trainer object.
Profiler Report
221
PyTorch-Lightning Documentation, Release 0.8.5-dev
If you want more information on the functions called during each event, you can use the AdvancedProfiler. This option
uses Python’s cProfiler to provide a report of time spent on each function called within your code.
profiler = AdvancedProfiler()
trainer = Trainer(..., profiler=profiler)
The profiler’s results will be printed at the completion of a training fit(). This profiler report can be quite long, so you
can also specify an output_filename to save the report instead of logging it to the output in your terminal. The output
below shows the profiling for the action get_train_batch.
Profiler Report
You can also reference this profiler in your LightningModule to profile specific actions of interest. If you don’t want
to always have the profiler turned on, you can optionally pass a PassThroughProfiler which will allow you to skip
profiling without having to make any code changes. Each profiler has a method profile() which returns a context
handler. Simply pass in the name of your action that you want to track and the profiler will record performance for
code executed within this context.
class MyModel(LightningModule):
def __init__(self, profiler=None):
self.profiler = profiler or PassThroughProfiler()
profiler = Profiler()
model = MyModel(profiler)
trainer = Trainer(profiler=profiler, max_epochs=1)
class pytorch_lightning.profiler.BaseProfiler(output_streams=None)
Bases: abc.ABC
If you wish to write a custom profiler, you should inhereit from this class.
Params: stream_out: callable
describe()
Logs a profile report after the conclusion of the training run.
Return type None
profile(action_name)
Yields a context manager to encapsulate the scope of a profiled action.
Example:
The profiler will start once you’ve entered the context and will automatically stop once you exit the code
block.
Return type None
abstract start(action_name)
Defines how to start recording an action.
Return type None
abstract stop(action_name)
Defines how to record the duration once an action is complete.
Return type None
abstract summary()
Create profiler summary in text format.
Return type str
class pytorch_lightning.profiler.SimpleProfiler(output_filename=None)
Bases: pytorch_lightning.profiler.profilers.BaseProfiler
This profiler simply records the duration of actions (in seconds) and reports the mean duration of each action
and the total time spent over the entire training run.
Params:
output_filename (str): optionally save profile results to file instead of printing to std out when train-
ing is finished.
describe()
Logs a profile report after the conclusion of the training run.
start(action_name)
Defines how to start recording an action.
summary()
Create profiler summary in text format.
Return type str
TWENTYSIX
Make sure you are running on a machine that has at least one GPU. Lightning handles all the NVIDIA flags for you,
there’s no need to set them yourself.
227
PyTorch-Lightning Documentation, Release 0.8.5-dev
TWENTYSEVEN
SEQUENTIAL DATA
# In module
def training_step(self, batch, batch_nb):
x = rnn.pack_sequence(batch[0], enforce_sorted=False)
y = rnn.pack_sequence(batch[1], enforce_sorted=False)
There are times when multiple backwards passes are needed for each batch. For example, it may save memory to use
Truncated Backpropagation Through Time when training RNNs.
Lightning can handle TBTT automatically via this flag.
229
PyTorch-Lightning Documentation, Release 0.8.5-dev
Note: If you need to modify how the batch is split, override pytorch_lightning.core.
LightningModule.tbptt_split_batch().
Lightning supports using IterableDatasets as well as map-style Datasets. IterableDatasets provide a more natural
option when using sequential data.
Note: When using an IterableDataset you must set the val_check_interval to 1.0 (the default) or to an int (specifying
the number of training batches to run before validation) when initializing the Trainer. This is due to the fact that
the IterableDataset does not have a __len__ and Lightning requires this to calculate the validation interval when
val_check_interval is less than one.
# IterableDataset
class CustomDataset(IterableDataset):
def __iter__(self):
return iter(self.data_source)
# Setup DataLoader
def train_dataloader(self):
seq_data = ['A', 'long', 'time', 'ago', 'in', 'a', 'galaxy', 'far', 'far', 'away']
iterable_dataset = CustomDataset(seq_data)
# Set val_check_interval
trainer = Trainer(val_check_interval=100)
TWENTYEIGHT
TRAINING TRICKS
Accumulated gradients runs K small batches of size N before doing a backwards pass. The effect is a large effective
batch size of size KxN.
See also:
Trainer
Gradient clipping may be enabled to avoid exploding gradients. Specifically, this will clip the gradient norm computed
over all model parameters together.
See also:
Trainer
231
PyTorch-Lightning Documentation, Release 0.8.5-dev
Auto scaling of batch size may be enabled to find the largest batch size that fits into memory. Larger batch size
often yields better estimates of gradients, but may also result in longer training time. Inspired by https://github.com/
BlackHC/toma.
See also:
Trainer
Currently, this feature supports two modes ‘power’ scaling and ‘binsearch’ scaling. In ‘power’ scaling, starting from
a batch size of 1 keeps doubling the batch size until an out-of-memory (OOM) error is encountered. Setting the
argument to ‘binsearch’ continues to finetune the batch size by performing a binary search.
Note: This feature expects that a batch_size field in the hparams of your model, i.e., model.hparams.batch_size
should exist and will be overridden by the results of this algorithm. Additionally, your train_dataloader() method
should depend on this field for this feature to work i.e.
def train_dataloader(self):
return DataLoader(train_dataset, batch_size=self.batch_size)
Warning: Due to these constraints, this features does NOT work when passing dataloaders directly to .fit().
The scaling algorithm has a number of parameters that the user can control by invoking the trainer method
.scale_batch_size themself (see description below).
# Invoke method
new_batch_size = trainer.scale_batch_size(model, ...)
# Fit as normal
trainer.fit(model)
• Call fit() method of trainer. This evaluates steps_per_trial (default 3) number of training steps.
Each training step can trigger an OOM error if the tensors (training batch, weights, gradients ect.)
allocated during the steps have a too large memory footprint.
• If an OOM error is encountered, decrease batch size else increase it. How much the batch size is
increased/decreased is determined by the choosen stratrgy.
3. The found batch size is saved to model.hparams.batch_size
4. Restore the initial state of model and trainer
class pytorch_lightning.trainer.training_tricks.TrainerTrainingTricksMixin
Bases: abc.ABC
abstract fit(*args)
Warning: this is just empty shell for code implemented in other class.
abstract get_model()
Warning: this is just empty shell for code implemented in other class.
Return type LightningModule
abstract restore(*args)
Warning: this is just empty shell for code implemented in other class.
abstract save_checkpoint(*args)
Warning: this is just empty shell for code implemented in other class.
scale_batch_size(model, mode='power', steps_per_trial=3, init_val=2, max_trials=25,
batch_arg_name='batch_size')
Will iteratively try to find the largest batch size for a given model that does not give an out of memory
(OOM) error.
Parameters
• model (LightningModule) – Model to fit.
• mode (str) – string setting the search mode. Either power or binsearch. If mode is
power we keep multiplying the batch size by 2, until we get an OOM error. If mode is
‘binsearch’, we will initially also keep multiplying by 2 and after encountering an OOM
error do a binary search between the last successful batch size and the batch size that
failed.
• steps_per_trial (int) – number of steps to run with a given batch size. Idealy 1
should be enough to test if a OOM error occurs, however in practise a few are needed
• init_val (int) – initial batch size to start the search with
• max_trials (int) – max number of increase in batch size done before algorithm is
terminated
Warning: Batch size finder is not supported for DDP yet, it is coming soon.
TWENTYNINE
TRANSFER LEARNING
Sometimes we want to use a LightningModule as a pretrained model. This is fine because a LightningModule is just
a torch.nn.Module!
Note: Remember that a LightningModule is EXACTLY a torch.nn.Module but with more capabilities.
class Encoder(torch.nn.Module):
...
class AutoEncoder(LightningModule):
def __init__(self):
self.encoder = Encoder()
self.decoder = Decoder()
class CIFAR10Classifier(LightningModule):
def __init__(self):
# init the pretrained LightningModule
self.feature_extractor = AutoEncoder.load_from_checkpoint(PATH)
self.feature_extractor.freeze()
235
PyTorch-Lightning Documentation, Release 0.8.5-dev
class ImagenetTransferLearning(LightningModule):
def __init__(self):
# init a pretrained resnet
num_target_classes = 10
self.feature_extractor = models.resnet50(
pretrained=True,
num_classes=num_target_classes)
self.feature_extractor.eval()
Finetune
model = ImagenetTransferLearning()
trainer = Trainer()
trainer.fit(model)
x = some_images_from_cifar10()
predictions = model(x)
We used a pretrained model on imagenet, finetuned on CIFAR-10 to predict on CIFAR-10. In the non-academic world
we would finetune on a tiny dataset you have and predict on your dataset.
Lightning is completely agnostic to what’s used for transfer learning so long as it is a torch.nn.Module subclass.
Here’s a model that uses Huggingface transformers.
class BertMNLIFinetuner(LightningModule):
def __init__(self):
super().__init__()
h, _, attn = self.bert(input_ids=input_ids,
attention_mask=attention_mask,
token_type_ids=token_type_ids)
h_cls = h[:, 0]
logits = self.W(h_cls)
return logits, attn
THIRTY
TPU SUPPORT
Lightning supports running on TPUs. At this moment, TPUs are available on Google Cloud (GCP), Google Colab and
Kaggle Environments. For more information on TPUs watch this video.
Check out this Google Colab to see how to train MNIST on TPUs.
A TPU is a Tensor processing unit. Each TPU has 8 cores where each core is optimized for 128x128 matrix multiplies.
In general, a single TPU is about as fast as 5 V100 GPUs!
A TPU pod hosts many TPUs on it. Currently, TPU pod v2 has 2048 cores! You can request a full pod from Google
cloud or a “slice” which gives you some subset of those 2048 cores.
239
PyTorch-Lightning Documentation, Release 0.8.5-dev
Colab is like a jupyter notebook with a free GPU or TPU hosted on GCP.
To get a TPU on colab, follow these steps:
1. Go to https://colab.research.google.com/.
2. Click “new notebook” (bottom right of pop-up).
3. Click runtime > change runtime settings. Select Python 3, and hardware accelerator “TPU”. This will give you
a TPU with 8 cores.
4. Next, insert this code into the first cell and execute. This will install the xla library that interfaces between
PyTorch and the TPU.
!curl https://raw.githubusercontent.com/pytorch/xla/master/contrib/scripts/env-
˓→setup.py -o pytorch-xla-env-setup.py
30.5 DistributedSamplers
If for some reason you still need to, this is how to construct the sampler for TPU use
import torch_xla.core.xla_model as xm
def train_dataloader(self):
dataset = MNIST(
os.getcwd(),
train=True,
download=True,
transform=transforms.ToTensor()
)
loader = DataLoader(
dataset,
sampler=sampler,
batch_size=32
)
return loader
Configure the number of TPU cores in the trainer. You can only choose 1 or 8. To use a full TPU pod skip to the TPU
pod section.
import pytorch_lightning as pl
my_model = MyLightningModule()
trainer = pl.Trainer(tpu_cores=8)
trainer.fit(my_model)
Lightning supports training on a single TPU core. Just pass the TPU core ID [1-8] in a list.
trainer = pl.Trainer(tpu_cores=[1])
The `distributed_backend` option used for GPUs does not apply to TPUs. TPUs work in DDP mode by
default (distributing over each core)
To train on more than 8 cores, your code actually doesn’t change! All you need to do is submit the following command:
$ python -m torch_xla.distributed.xla_dist
--tpu=$TPU_POD_NAME
--conda-env=torch-xla-nightly
-- python /usr/share/torch-xla-0.5/pytorch/xla/test/test_train_imagenet.py --fake_data
Lightning also supports training in 16-bit precision with TPUs. By default, TPU training will use 32-bit precision. To
enable 16-bit, also set the 16-bit flag.
import pytorch_lightning as pl
my_model = MyLightningModule()
trainer = pl.Trainer(tpu_cores=8, precision=16)
trainer.fit(my_model)
Under the hood the xla library will use the bfloat16 type.
XLA is the library that interfaces PyTorch with the TPUs. For more information check out XLA.
Guide for troubleshooting XLA
THIRTYONE
TEST SET
Lightning forces the user to run the test set separately to make sure it isn’t evaluated by mistake.
To run the test set after training completes, use this method.
# (1) load the best checkpoint automatically (lightning tracks this for you)
trainer.test()
# (2) don't load a checkpoint, instead use the model with the latest weights
trainer.test(ckpt_path=None)
# (4) test with an explicit model (will use this model and not load a checkpoint)
trainer.test(model)
You can run the test set on multiple models using the same trainer instance.
model1 = LitModel()
model2 = GANModel()
trainer = Trainer()
trainer.test(model1)
trainer.test(model2)
243
PyTorch-Lightning Documentation, Release 0.8.5-dev
model = MyLightningModule.load_from_checkpoint(
checkpoint_path='/path/to/pytorch_checkpoint.ckpt',
hparams_file='/path/to/test_tube/experiment/version/hparams.yaml',
map_location=None
)
In this case, the options you pass to trainer will be used when running the test set (ie: 16-bit, dp, ddp, etc. . . )
You can still run inference on a test set even if the test_dataloader method hasn’t been defined within your
LightningModule instance. This would be the case when your test data is not available at the time your model
was declared.
You can either pass in a single dataloader or a list of them. This optional named parameter can be used in conjunction
with any of the above use cases.
THIRTYTWO
In the interest of fostering an open and welcoming environment, we as contributors and maintainers pledge to making
participation in our project and our community a harassment-free experience for everyone, regardless of age, body size,
disability, ethnicity, sex characteristics, gender identity and expression, level of experience, education, socio-economic
status, nationality, personal appearance, race, religion, or sexual identity and orientation.
Project maintainers are responsible for clarifying the standards of acceptable behavior and are expected to take appro-
priate and fair corrective action in response to any instances of unacceptable behavior.
Project maintainers have the right and responsibility to remove, edit, or reject comments, commits, code, wiki edits,
issues, and other contributions that are not aligned to this Code of Conduct, or to ban temporarily or permanently any
contributor for other behaviors that they deem inappropriate, threatening, offensive, or harmful.
245
PyTorch-Lightning Documentation, Release 0.8.5-dev
32.4 Scope
This Code of Conduct applies both within project spaces and in public spaces when an individual is representing the
project or its community. Examples of representing a project or community include using an official project e-mail
address, posting via an official social media account, or acting as an appointed representative at an online or offline
event. Representation of a project may be further defined and clarified by project maintainers.
32.5 Enforcement
Instances of abusive, harassing, or otherwise unacceptable behavior may be reported by contacting the project team at
waf2107@columbia.edu. All complaints will be reviewed and investigated and will result in a response that is deemed
necessary and appropriate to the circumstances. The project team is obligated to maintain confidentiality with regard
to the reporter of an incident. Further details of specific enforcement policies may be posted separately.
Project maintainers who do not follow or enforce the Code of Conduct in good faith may face temporary or permanent
repercussions as determined by other members of the project’s leadership.
32.6 Attribution
This Code of Conduct is adapted from the Contributor Covenant, version 1.4, available at https://www.contributor-
covenant.org/version/1/4/code-of-conduct.html
For answers to common questions about this code of conduct, see https://www.contributor-covenant.org/faq
THIRTYTHREE
CONTRIBUTING
Welcome to the PyTorch Lightning community! We’re building the most advanced research platform on the planet to
implement the latest, best practices that the amazing PyTorch team rolls out!
Simplify the API as much as possible from the user perspective. Any additions or improvements should minimize the
things the user needs to remember.
For example: One benefit of the validation_step is that the user doesn’t have to remember to set the model to .eval().
This helps users avoid all sorts of subtle errors.
We encourage all sorts of contributions you’re interested in adding! When coding for lightning, please follow these
principles.
We don’t want to add any abstractions on top of pure PyTorch. This gives researchers all the control they need without
having to learn yet another framework.
It’s useful for users to look at the code and understand very quickly what’s happening. Many users won’t be engineers.
Thus we need to value clear, simple code over condensed ninja moves. While that’s super cool, this isn’t the project
for that :)
247
PyTorch-Lightning Documentation, Release 0.8.5-dev
There are 1,000 ways to do something. However, eventually one popular solution becomes standard practice, and
everyone follows. We try to find the best way to solve a particular problem, and then force our users to use it for
readability and simplicity. A good example is accumulated gradients. There are many different ways to implement it,
we just pick one and force users to use it. A bad forced decision would be to make users use a specific library to do
something.
When something becomes a best practice, we add it to the framework. This is usually something like bits of code in
utils or in the model file that everyone keeps adding over and over again across projects. When this happens, bring
that code inside the trainer and add a flag for it.
What makes sense to you may not make sense to others. When creating an issue with an API change suggestion,
please validate that it makes sense for others. Treat code changes the way you treat a startup: validate that it’s a needed
feature, then add if it makes sense for many people.
We all hate updating our deep learning packages because we don’t want to refactor a bunch of stuff. In Lightning, we
make sure every change we make which could break an API is backwards compatible with good deprecation warnings.
You shouldn’t be afraid to upgrade Lightning :)
As a researcher you can’t have any part of your code going wrong. So, make thorough tests to ensure that every
implementation of a new trick or subtle change is correct.
33.2.7 Interoperability
Have a favorite feature from other libraries like fast.ai or transformers? Those should just work with lightning as well.
Grab your favorite model or learning rate scheduler from your favorite library and run it in Lightning.
We are currently looking for help implementing new features or adding bug fixes.
A lot of good work has already been done in project mechanics (requirements/base.txt, setup.py, pep8, badges, ci,
etc. . . ) so we’re in a good state there thanks to all the early contributors (even pre-beta release)!
1. Submit a github issue - try to describe what happened so others can reproduce it too (config, code samples,
expected vs. actual behaviour). Note, that the sample code shall be minimal and if needed with publicly
available data.
2. Try to fix it or recommend a solution. . . We highly recommend to use test driven approach
• convert your minimal code example to a unit/integration test with assert on expected results
• start with debugging the issue. . . you can run just this particular test in your IDE and draft a fix
• verify that your test case fails on the master branch and only passes with the fix applied
3. Submit a PR!
Note, even if you do not find the solution, sending a PR with a test covering the issue is a valid contribution and we
can help you or finish it with you :]
1. Submit a github issue - describe what is the motivation of such feature (adding the use case or an example is
helpful).
2. Let’s discuss to determine the feature scope.
3. Submit a PR! (with updated docs and tests).
33.4 Guidelines
All added or edited code shall be the own original work of the particular contributor. If you use some third-party
implementation, all such blocks/functions/modules shall be properly referred and if possible also agreed by code’s
author. For example - This code is inpired from http://.... In case you adding new dependencies,
make sure that they are compatible with the actual PyTorch Lightning license (ie. dependencies should be at least as
permissive as the PyTorch Lightning license).
1. Use f-strings for output formation (except logging when we stay with lazy logging.info("Hello %s!,
name);
2. Black code formatter is used using pre-commit hook.
33.4.3 Documentation
We are using Sphinx with Napoleon extension. Moreover we set Google style to follow with type convention.
• Napoleon formatting with Google style
• ReStructured Text (reST)
• Paragraph-level markup
See following short example of a sample function taking one position string and optional
Args:
param_a: first parameter
param_b: second parameter
Return:
sum of both numbers
Example:
Sample doctest example...
>>> my_func(1, 2)
3
When updating the docs make sure to build them first locally and visually inspect the html files (in the browser) for
formatting errors. In certain cases, a missing blank line or a wrong indent can lead to a broken layout. Run these
commands
33.4.4 Testing
Testing your work locally will help you speed up the process since it allows you to focus on particular (failing) test-
cases. To setup a local development environment, install both local and test dependencies:
You can run the full test-case in your terminal via this bash script:
bash .run_local_tests.sh
Note: if your computer does not have multi-GPU nor TPU these tests are skipped.
For convenience, you can also use your own CircleCI building which will be triggered with each commit. This is
useful if you do not test against all required dependency versions. To do so, login to CircleCI and enable your forked
project in the dashboard. It will just work after that.
We welcome any useful contribution! For your convenience here’s a recommended workflow:
1. Think about what you want to do - fix a bug, repair docs, etc.
2. Start your work locally (usually until you need our CI testing)
• create a branch and prepare your changes
• hint: do not work with your master directly, it may become complicated when you need to rebase
• hint: give your PR a good name! it will be useful later when you may work on multiple tasks/PRs
3. Create a “Draft PR” which is clearly marked, to let us know you don’t need feedback yet.
4. When you feel ready for integrating your work, mark your PR “Ready for review”.
5. Use tags in PR name for following cases:
• [blocked by #] if you work is depending on others changes
• [wip] when you start to re-edit your work, mark it so no one will accidentally merge it in meantime
THIRTYFOUR
Thanks for your interest in joining the Lightning team! We’re a rapidly growing project which is poised to become the
go-to framework for DL researchers! We’re currently recruiting for a team of 5 core maintainers.
As a core maintainer you will have a strong say in the direction of the project. Big changes will require a majority of
maintainers to agree.
First and foremost, you’ll be evaluated against these core values. Any code we commit or feature we add needs to
align with those core values.
Lightning is being used to solve really hard problems at the top AI labs in the world. As such, the bar for adding team
members is extremely high. Candidates must have solid engineering skills, have a good eye for user experience, and
must be a power user of Lightning and PyTorch.
With that said, the Lightning team will be diverse and a reflection of an inclusive AI community. You don’t have to be
an engineer to conntribute! Scientists with great usability intuition and PyTorch ninja skills are welcomed!
34.3 Responsibilities:
• Here we want to help users have an amazing experience. These range from questions from new people getting
into DL to questions from researchers about doing something esoteric with Lightning Often, these issues require
some sort of bug fix, document clarification or new functionality to be scoped out.
• To become a core member you must resolve at least 10 Github issues which align with the API design goals
for Lightning. By the end of these 10 issues I should feel comfortable in the way you answer user questions
Pleasant/helpful tone.
• Can abstract from that issue or bug into functionality that might solve other related issues or makes the platform
more flexible.
253
PyTorch-Lightning Documentation, Release 0.8.5-dev
• Don’t make users feel like they don’t know what they’re doing. We’re here to help and to make everyone’s
experience delightful.
• Here we need to ensure the code that enters Lightning is high quality. For each PR we need to:
• Make sure code coverage does not decrease
• Documents are updated
• Code is elegant and simple
• Code is NOT overly engineered or hard to read
• Ask yourself, could a non-engineer understand what’s happening here?
• Make sure new tests are written
• Is this NECESSARY for Lightning? There are some PRs which are just purely about adding engineering com-
plexity which have no place in Lightning. Guidance
• Some other PRs are for people who are wanting to get involved and add something unnecessary. We do want
their help though! So don’t approve the PR, but direct them to a Github issue that they might be interested in
helping with instead!
• To be considered for core contributor, please review 10 PRs and help the authors land it on master. Once
you’ve finished the review, ping me for a sanity check. At the end of 10 PRs if your PR reviews are inline with
expectations described above, then you can merge PRs on your own going forward, otherwise we’ll do a few
more until we’re both comfortable :)
There are some big decisions which the project must make. For these I expect core contributors to have something
meaningful to add if it’s their area of expertise.
34.3.4 Diversity
Lightning should reflect the broader community it serves. As such we should have scientists/researchers from different
fields contributing!
The first 5 core contributors will fit this profile. Thus if you overlap strongly with experiences and expertise as someone
else on the team, you might have to wait until the next set of contributors are added.
• Solve 10 Github issues. The goal is to be inline with expectations for solving issues by the last one so you can
do them on your own. If not, I might ask you to solve a few more specific ones.
• Do 10 PR reviews. The goal is to be inline with expectations for solving issues by the last one so you can do
them on your own. If not, I might ask you to solve a few more specific ones.
If you want to be considered, ping me on gitter and start tracking your progress here.
THIRTYFIVE
35.1 Leads
255
PyTorch-Lightning Documentation, Release 0.8.5-dev
THIRTYSIX
• genindex
• modindex
• search
4. There are no .cuda() or .to() calls. . . Lightning does these for you.
# don't do in lightning
x = torch.Tensor(2, 3)
x = x.cuda()
x = x.to(device)
# do this instead
x = x # leave it alone!
5. There are no samplers for distributed, Lightning also does this for you.
# Don't do in Lightning...
data = MNIST(...)
sampler = DistributedSampler(data)
DataLoader(data, sampler=sampler)
# do this instead
(continues on next page)
257
PyTorch-Lightning Documentation, Release 0.8.5-dev
net = Net.load_from_checkpoint(PATH)
net.freeze()
out = net(x)
Thus, to use Lightning, you just need to organize your code which takes about 30 minutes, (and let’s be real, you
probably should do anyhow).
trainer = pl.Trainer()
model = LitModel()
trainer.fit(model)
The general pattern is that each loop (training, validation, test loop) has 3 methods:
• ___step
• ___step_end
• ___epoch_end
To show how Lightning calls these, let’s use the validation loop as an example:
val_outs = []
for val_batch in val_data:
# do something with each batch
out = validation_step(val_batch)
val_outs.append(out)
If we use dp or ddp2 mode, we can also define the XXX_step_end method to operate on all parts of the batch:
val_outs = []
for val_batch in val_data:
batches = split_batch(val_batch)
dp_outs = []
for sub_batch in batches:
dp_out = validation_step(sub_batch)
dp_outs.append(dp_out)
out = validation_step_end(dp_outs)
val_outs.append(out)
Thus, if we wanted to add a validation loop you would add this to your LightningModule:
However, the test loop won’t ever be called automatically to make sure you don’t run your test data by accident.
Instead you have to explicitly call:
# call after training
trainer = Trainer()
trainer.fit(model)
trainer.test()
In a LightningModule, all calls to .cuda() and .to(device) should be removed. Lightning will do these
automatically. This will allow your code to work on CPUs, TPUs and GPUs.
When you init a new tensor in your code, just use type_as():
def training_step(self, batch, batch_idx):
x, y = batch
...
... def setup(self, stage):
... mnist_train = MNIST(os.getcwd(), train=True, download=False,
˓→transform=transforms.ToTensor())
Note: Do anything with data that needs to happen ONLY once here, like download, tokenize, etc. . .
36.1.6 Lifecycle
classmethod _auto_collect_arguments(frame=None)
Collect all module arguments in the current constructor and all child constructors. The child constructors
are all the __init__ methods that reach the current class through (chained) super().__init__()
calls.
Parameters frame – instance frame
Returns arguments dictionary of the first instance parents_arguments: arguments dictionary of
the parent’s instances
Return type self_arguments
_init_slurm_connection()
Sets up environment variables necessary for pytorch distributed communications based on slurm environ-
ment.
Return type None
_set_hparams(hp)
Return type None
configure_apex(amp, model, optimizers, amp_level)
Override to init AMP your own way. Must return a model and list of optimizers.
Parameters
• amp (object) – pointer to amp library object.
• model (LightningModule) – pointer to current LightningModule.
• optimizers (List[Optimizer]) – list of optimizers passed in
configure_optimizers().
• amp_level (str) – AMP mode chosen (‘O1’, ‘O2’, etc. . . )
Return type Tuple[LightningModule, List[Optimizer]]
Returns Apex wrapped model and optimizers
Examples
configure_ddp(model, device_ids)
Override to init DDP in your own way or with your own wrapper. The only requirements are that:
1. On a validation batch the call goes to model.validation_step.
2. On a training batch the call goes to model.training_step.
3. On a testing batch, the call goes to model.test_step.+
Parameters
• model (LightningModule) – the LightningModule currently being optimized.
Examples
configure_optimizers()
Choose what optimizers and learning-rate schedulers to use in your optimization. Normally you’d need
one. But in the case of GANs or similar you might have multiple.
Return type Union[Optimizer, Sequence[Optimizer], Dict, Sequence[Dict],
Tuple[List, List], None]
Returns
Any of these 6 options.
• Single optimizer.
• List or Tuple - List of optimizers.
• Two lists - The first list has multiple optimizers, the second a list of LR schedulers (or
lr_dict).
• Dictionary, with an ‘optimizer’ key, and (optionally) a ‘lr_scheduler’ key which value is a
single LR scheduler or lr_dict.
• Tuple of dictionaries as described, with an optional ‘frequency’ key.
• None - Fit will run without any optimizer.
Note: The ‘frequency’ value is an int corresponding to the number of sequential batches optimized with
the specific optimizer. It should be given to none or to all of the optimizers. There is a difference between
passing multiple optimizers in a list, and passing multiple optimizers in dictionaries with a frequency of 1:
In the former case, all optimizers will operate on the given batch in each optimization step. In the latter,
only one optimizer will operate on the given batch at every step.
The lr_dict is a dictionary which contains scheduler and its associated configuration. It has five keys. The
default configuration is shown below.
{
'scheduler': lr_scheduler, # The LR schduler
'interval': 'epoch', # The unit of the scheduler's step size
'frequency': 1, # The frequency of the scheduler
'reduce_on_plateau': False, # For ReduceLROnPlateau scheduler
'monitor': 'val_loss' # Metric to monitor
}
If user only provides LR schedulers, then their configuration will set to default as shown above.
Examples
# most cases
def configure_optimizers(self):
opt = Adam(self.parameters(), lr=1e-3)
return opt
# https://arxiv.org/abs/1704.00028
def configure_optimizers(self):
gen_opt = Adam(self.model_gen.parameters(), lr=0.01)
dis_opt = Adam(self.model_disc.parameters(), lr=0.02)
n_critic = 5
return (
{'optimizer': dis_opt, 'frequency': n_critic},
{'optimizer': gen_opt, 'frequency': 1}
)
• If you use LBFGS Lightning handles the closure function automatically for you.
• If you use multiple optimizers, gradients will be calculated only for the parameters of current opti-
mizer at each training step.
• If you need to control how often those optimizers step or override the default .step() schedule,
override the optimizer_step() hook.
• If you only want to call a learning rate scheduler every x step or epoch, or want to monitor a custom
metric, you can specify these in a lr_dict:
{
'scheduler': lr_scheduler,
'interval': 'step', # or 'epoch'
'monitor': 'val_f1',
'frequency': x,
}
Examples
# ...
return loss
inputs = server.get_request()
results = model(inputs)
server.write_results(results)
freeze()
Freeze all params for inference.
Example
model = MyLightningModule(...)
model.freeze()
get_progress_bar_dict()
Additional items to be displayed in the progress bar.
Return type Dict[str, Union[int, str]]
Returns Dictionary with the items to be displayed in the progress bar.
get_tqdm_dict()
Additional items to be displayed in the progress bar.
Return type Dict[str, Union[int, str]]
Returns Dictionary with the items to be displayed in the progress bar.
Example
Note: Lightning auto-restores global step, epoch, and train state including amp scaling. There is no need
for you to restore anything regarding training.
on_save_checkpoint(checkpoint)
Called by Lightning when saving a checkpoint to give you a chance to store anything else you might want
to save.
Parameters checkpoint (Dict[str, Any]) – Checkpoint to be saved
Example
Note: Lightning saves all aspects of training (epoch, global step, etc. . . ) including amp scaling. There is
no need for you to store anything about training.
Examples
# DEFAULT
def optimizer_step(self, current_epoch, batch_idx, optimizer, optimizer_idx,
second_order_closure, on_tpu, using_native_amp, using_
˓→lbfgs):
optimizer.step()
# ...
# add as many optimizers as you want
Here’s another example showing how to use this for more advanced things such as learning rate warm-up:
# warm up lr
if self.trainer.global_step < 500:
lr_scale = min(1., float(self.trainer.global_step + 1) / 500.)
for pg in optimizer.param_groups:
pg['lr'] = lr_scale * self.learning_rate
# update params
optimizer.step()
optimizer.zero_grad()
Note: If you also override the on_before_zero_grad() model hook don’t forget to add the call to
it before optimizer.zero_grad() yourself.
Warning: DO NOT set state to the model (use setup instead) since this is NOT called on every GPU
in DDP/TPU
Example:
def prepare_data(self):
# good
download_data()
tokenize()
etc()
# bad
self.split = data_split
self.some_state = some_other_state()
# DEFAULT
# called once per node on LOCAL_RANK=0 of that node
Trainer(prepare_data_per_node=True)
model.prepare_data()
if ddp/tpu: init()
model.setup(step)
model.train_dataloader()
model.val_dataloader()
model.test_dataloader()
print(*args, **kwargs)
Prints only from process 0. Use this in any distributed mode to log only once.
Parameters
• *args – The thing to print. Will be passed to Python’s built-in print function.
• **kwargs – Will be passed to Python’s built-in print function.
Example
save_hyperparameters(*args, frame=None)
Save all model arguments.
Parameters args – single object of dict, NameSpace or OmegaConf or string names or argu-
menst from class __init__
summarize(mode='top')
Examples
batch_split.append(split_x)
splits.append(batch_split)
return splits
Note: Called in the training loop after on_batch_start() if truncated_bptt_steps > 0. Each
returned batch split is passed separately to training_step().
test_dataloader()
Implement one or multiple PyTorch DataLoaders for testing.
The dataloader you return will not be called every epoch unless you set
reload_dataloaders_every_epoch to True.
For data processing use the following pattern:
• download in prepare_data()
• process and split in setup()
However, the above are only necessary for distributed processing.
• fit()
• ...
• prepare_data()
• setup()
• train_dataloader()
• val_dataloader()
• test_dataloader()
Note: Lightning adds the correct sampler for distributed and arbitrary hardware. There is no need to set
it yourself.
Example
def test_dataloader(self):
transform = transforms.Compose([transforms.ToTensor(),
transforms.Normalize((0.5,), (1.0,))])
dataset = MNIST(root='/path/to/mnist/', train=False, transform=transform,
download=True)
loader = torch.utils.data.DataLoader(
dataset=dataset,
batch_size=self.batch_size,
shuffle=False
)
return loader
Note: If you don’t need a test dataset and a test_step(), you don’t need to implement this method.
test_end(outputs)
test_epoch_end(outputs)
Called at the end of a test epoch with the output of all test steps.
Examples
test_acc_mean /= len(outputs)
tqdm_dict = {'test_acc': test_acc_mean.item()}
# show test_loss and test_acc in progress bar but only log test_loss
results = {
'progress_bar': tqdm_dict,
'log': {'test_acc': test_acc_mean.item()}
}
return results
With multiple dataloaders, outputs will be a list of lists. The outer list contains one entry per dataloader,
while the inner list contains the individual outputs of each test step for that dataloader.
def test_epoch_end(self, outputs):
test_acc_mean = 0
i = 0
for dataloader_outputs in outputs:
for output in dataloader_outputs:
test_acc_mean += output['test_acc']
i += 1
test_acc_mean /= i
tqdm_dict = {'test_acc': test_acc_mean.item()}
# show test_loss and test_acc in progress bar but only log test_loss
results = {
(continues on next page)
test_step(*args, **kwargs)
Operates on a single batch of data from the test set. In this step you’d normally generate examples or
calculate anything of interest such as accuracy.
# the pseudocode for these calls
test_outs = []
for test_batch in test_data:
out = test_step(test_batch)
test_outs.append(out)
test_epoch_end(test_outs)
Parameters
• batch (Tensor | (Tensor, . . . ) | [Tensor, . . . ]) – The output of your DataLoader.
A tensor, tuple or list.
• batch_idx (int) – The index of this batch.
• dataloader_idx (int) – The index of the dataloader that produced this batch (only
if multiple test datasets used).
Return type Dict[str, Tensor]
Returns Dict or OrderedDict - passed to the test_epoch_end() method. If you defined
test_step_end() it will go to that first.
Examples
# calculate acc
labels_hat = torch.argmax(out, dim=1)
(continues on next page)
# all optional...
# return whatever you need for the collation function test_epoch_end
output = OrderedDict({
'val_loss': loss_val,
'val_acc': torch.tensor(val_acc), # everything must be a tensor
})
If you pass in multiple validation datasets, test_step() will have an additional argument.
Note: If you don’t need to validate you don’t need to implement this method.
Note: When the test_step() is called, the model has been put in eval mode and PyTorch gradients
have been disabled. At the end of the test epoch, the model goes back to training mode and gradients are
enabled.
test_step_end(*args, **kwargs)
Use this when testing with dp or ddp2 because test_step() will operate on only part of the batch.
However, this is still optional and only needed for things like softmax or NCE loss.
Note: If you later switch to ddp or some other mode, this will still be called so that you don’t have to
change your code.
# pseudocode
sub_batches = split_batches_for_dp(batch)
batch_parts_outputs = [test_step(sub_batch) for sub_batch in sub_batches]
test_step_end(batch_parts_outputs)
Examples
# WITHOUT test_step_end
# if used in DP or DDP2, this batch is 1/num_gpus large
def test_step(self, batch, batch_idx):
# batch is 1/num_gpus big
x, y = batch
out = self(x)
loss = self.softmax(out)
loss = nce_loss(loss)
return {'loss': loss}
# --------------
# with test_step_end to do softmax over the full batch
def test_step(self, batch, batch_idx):
# batch is 1/num_gpus big
x, y = batch
out = self(x)
return {'out': out}
See also:
See the Multi-GPU training guide for more details.
tng_dataloader()
train_dataloader()
Implement a PyTorch DataLoader for training.
Return type DataLoader
Returns Single PyTorch DataLoader.
The dataloader you return will not be called every epoch unless you set
reload_dataloaders_every_epoch to True.
For data processing use the following pattern:
• download in prepare_data()
• process and split in setup()
However, the above are only necessary for distributed processing.
• fit()
• ...
• prepare_data()
• setup()
• train_dataloader()
Note: Lightning adds the correct sampler for distributed and arbitrary hardware. There is no need to set
it yourself.
Example
def train_dataloader(self):
transform = transforms.Compose([transforms.ToTensor(),
transforms.Normalize((0.5,), (1.0,))])
dataset = MNIST(root='/path/to/mnist/', train=True, transform=transform,
download=True)
loader = torch.utils.data.DataLoader(
dataset=dataset,
batch_size=self.batch_size,
shuffle=True
)
return loader
training_end(*args, **kwargs)
training_epoch_end(outputs)
Called at the end of the training epoch with the outputs of all training steps.
Examples
train_acc_mean /= len(outputs)
With multiple dataloaders, outputs will be a list of lists. The outer list contains one entry per dataloader,
while the inner list contains the individual outputs of each training step for that dataloader.
train_acc_mean /= i
training_step(*args, **kwargs)
Here you compute and return the training loss and some additional metrics for e.g. the progress bar or
logger.
Parameters
• batch (Tensor | (Tensor, . . . ) | [Tensor, . . . ]) – The output of your DataLoader.
A tensor, tuple or list.
• batch_idx (int) – Integer displaying index of this batch
• optimizer_idx (int) – When using multiple optimizers, this argument will also be
present.
• hiddens (Tensor) – Passed in if truncated_bptt_steps > 0.
Return type Union[int, Dict[str, Union[Tensor, Dict[str, Tensor]]]]
Returns
Dict with loss key and optional log or progress bar keys. When implementing
training_step(), return whatever you need in that step:
• loss -> tensor scalar REQUIRED
• progress_bar -> Dict for progress bar display. Must have only tensors
• log -> Dict of metrics to add to logger. Must have only tensors (no images, etc)
In this step you’d normally do the forward pass and calculate the loss for a batch. You can also do fancier
things like multiple forward passes or something model specific.
Examples
output = {
'loss': loss, # required
'progress_bar': {'training_loss': loss}, # optional (MUST ALL BE
˓→TENSORS)
'log': logger_logs
}
# return a dict
return output
If you define multiple optimizers, this step will be called with an additional optimizer_idx parameter.
If you add truncated back propagation through time you will also get an additional argument with the
hidden states of the previous step.
return {
"loss": ...,
"hiddens": hiddens # remember to detach() this
}
Notes
The loss value shown in the progress bar is smoothed (averaged) over the last values, so it differs from the
actual loss returned in train/validation step.
training_step_end(*args, **kwargs)
Use this when training with dp or ddp2 because training_step() will operate on only part of the
batch. However, this is still optional and only needed for things like softmax or NCE loss.
Note: If you later switch to ddp or some other mode, this will still be called so that you don’t have to
change your code
# pseudocode
sub_batches = split_batches_for_dp(batch)
batch_parts_outputs = [training_step(sub_batch) for sub_batch in sub_batches]
training_step_end(batch_parts_outputs)
Parameters batch_parts_outputs – What you return in training_step for each batch part.
Return type Dict[str, Union[Tensor, Dict[str, Tensor]]]
Returns
Dict with loss key and optional log or progress bar keys.
• loss -> tensor scalar REQUIRED
• progress_bar -> Dict for progress bar display. Must have only tensors
• log -> Dict of metrics to add to logger. Must have only tensors (no images, etc)
Examples
# WITHOUT training_step_end
# if used in DP or DDP2, this batch is 1/num_gpus large
def training_step(self, batch, batch_idx):
# batch is 1/num_gpus big
x, y = batch
out = self(x)
loss = self.softmax(out)
loss = nce_loss(loss)
return {'loss': loss}
# --------------
# with training_step_end to do softmax over the full batch
def training_step(self, batch, batch_idx):
# batch is 1/num_gpus big
x, y = batch
out = self(x)
return {'out': out}
See also:
See the Multi-GPU training guide for more details.
unfreeze()
Unfreeze all parameters for training.
model = MyLightningModule(...)
model.unfreeze()
val_dataloader()
Implement one or multiple PyTorch DataLoaders for validation.
The dataloader you return will not be called every epoch unless you set
reload_dataloaders_every_epoch to True.
It’s recommended that all data downloads and preparation happen in prepare_data().
• fit()
• ...
• prepare_data()
• train_dataloader()
• val_dataloader()
• test_dataloader()
Note: Lightning adds the correct sampler for distributed and arbitrary hardware There is no need to set it
yourself.
Examples
def val_dataloader(self):
transform = transforms.Compose([transforms.ToTensor(),
transforms.Normalize((0.5,), (1.0,))])
dataset = MNIST(root='/path/to/mnist/', train=False,
transform=transform, download=True)
loader = torch.utils.data.DataLoader(
dataset=dataset,
batch_size=self.batch_size,
shuffle=False
)
return loader
Note: If you don’t need a validation dataset and a validation_step(), you don’t need to implement
this method.
Note: In the case where you return multiple validation dataloaders, the validation_step() will
have an argument dataset_idx which matches the order here.
validation_end(outputs)
validation_epoch_end(outputs)
Called at the end of the validation epoch with the outputs of all validation steps.
Examples
val_acc_mean /= len(outputs)
tqdm_dict = {'val_acc': val_acc_mean.item()}
With multiple dataloaders, outputs will be a list of lists. The outer list contains one entry per dataloader,
while the inner list contains the individual outputs of each validation step for that dataloader.
def validation_epoch_end(self, outputs):
val_acc_mean = 0
i = 0
for dataloader_outputs in outputs:
for output in dataloader_outputs:
val_acc_mean += output['val_acc']
i += 1
val_acc_mean /= i
tqdm_dict = {'val_acc': val_acc_mean.item()}
# show val_loss and val_acc in progress bar but only log val_loss
results = {
(continues on next page)
validation_step(*args, **kwargs)
Operates on a single batch of data from the validation set. In this step you’d might generate examples or
calculate anything of interest like accuracy.
Parameters
• batch (Tensor | (Tensor, . . . ) | [Tensor, . . . ]) – The output of your DataLoader.
A tensor, tuple or list.
• batch_idx (int) – The index of this batch
• dataloader_idx (int) – The index of the dataloader that produced this batch (only
if multiple val datasets used)
Return type Dict[str, Tensor]
Returns Dict or OrderedDict - passed to validation_epoch_end(). If you defined
validation_step_end() it will go to that first.
# pseudocode of order
out = validation_step()
if defined('validation_step_end'):
out = validation_step_end(out)
out = validation_epoch_end(out)
Examples
# calculate acc
labels_hat = torch.argmax(out, dim=1)
val_acc = torch.sum(y == labels_hat).item() / (len(y) * 1.0)
# all optional...
# return whatever you need for the collation function validation_epoch_end
output = OrderedDict({
'val_loss': loss_val,
'val_acc': torch.tensor(val_acc), # everything must be a tensor
})
If you pass in multiple val datasets, validation_step will have an additional argument.
Note: If you don’t need to validate you don’t need to implement this method.
Note: When the validation_step() is called, the model has been put in eval mode and PyTorch
gradients have been disabled. At the end of validation, the model goes back to training mode and gradients
are enabled.
validation_step_end(*args, **kwargs)
Use this when validating with dp or ddp2 because validation_step() will operate on only part of
the batch. However, this is still optional and only needed for things like softmax or NCE loss.
Note: If you later switch to ddp or some other mode, this will still be called so that you don’t have to
change your code.
# pseudocode
sub_batches = split_batches_for_dp(batch)
batch_parts_outputs = [validation_step(sub_batch) for sub_batch in sub_
˓→batches]
validation_step_end(batch_parts_outputs)
Examples
# WITHOUT validation_step_end
# if used in DP or DDP2, this batch is 1/num_gpus large
def validation_step(self, batch, batch_idx):
# batch is 1/num_gpus big
x, y = batch
out = self(x)
loss = self.softmax(out)
loss = nce_loss(loss)
return {'loss': loss}
# --------------
# with validation_step_end to do softmax over the full batch
def validation_step(self, batch, batch_idx):
# batch is 1/num_gpus big
x, y = batch
out = self(x)
return {'out': out}
See also:
See the Multi-GPU training guide for more details.
_device = None
device reference
_dtype = None
Current dtype
current_epoch = None
The current epoch
property example_input_array
Return type Any
global_step = None
Total training batches seen across all epochs
property hparams
Return type Union[AttributeDict, str]
logger = None
Pointer to the logger object
property on_gpu
True if your model is currently running on GPUs. Useful to set flags around the LightningModule for
different CPU vs GPU behavior.
trainer = None
Pointer to the trainer object
use_amp = None
True if using amp
use_ddp = None
True if using ddp
use_ddp2 = None
True if using ddp2
use_dp = None
True if using dp
pytorch_lightning.core.data_loader(fn)
Decorator to make any fx with this use the lazy property.
36.1.9 Submodules
pytorch_lightning.core.decorators module
pytorch_lightning.core.decorators.auto_move_data(fn)
Decorator for LightningModule methods for which input arguments should be moved automatically to the
correct device. It as no effect if applied to a method of an object that is not an instance of LightningModule
and is typically applied to __call__ or forward.
Parameters fn (Callable) – A LightningModule method for which the arguments should be
moved to the device the parameters are on.
Example
@auto_move_data
def forward(self, x):
return x
# or outside
LitModel.forward = auto_move_data(LitModel.forward)
model = LitModel()
model = model.to('cuda')
model(torch.zeros(1, 3))
pytorch_lightning.core.decorators.data_loader(fn)
Decorator to make any fx with this use the lazy property.
pytorch_lightning.core.grads module
pytorch_lightning.core.hooks module
on_after_backward()
Called in the training loop after loss.backward() and before optimizers do anything. This is the ideal place
to inspect or log gradient information.
Example:
def on_after_backward(self):
# example to inspect gradient information in tensorboard
if self.trainer.global_step % 25 == 0: # don't make the tf file huge
params = self.state_dict()
for k, v in params.items():
grads = v
name = k
self.logger.experiment.add_histogram(tag=name, values=grads,
global_step=self.trainer.
˓→global_step)
on_batch_end()
Called in the training loop after the batch.
Return type None
on_batch_start(batch)
Called in the training loop before anything happens for that batch.
If you return -1 here, you will skip training for the rest of the current epoch.
Parameters batch (Any) – The batched data as it is returned by the training DataLoader.
Return type None
on_before_zero_grad(optimizer)
Called after optimizer.step() and before optimizer.zero_grad().
Called in the training loop after taking an optimizer step and before zeroing grads. Good place to inspect
weight information with weights updated.
This is where it is called:
for optimizer in optimizers:
optimizer.step()
model.on_before_zero_grad(optimizer) # < ---- called here
optimizer.zero_grad
Parameters optimizer (Optimizer) – The optimizer for which grads should be zeroed.
Return type None
on_epoch_end()
Called in the training loop at the very end of the epoch.
Return type None
on_epoch_start()
Called in the training loop at the very beginning of the epoch.
Return type None
on_fit_end()
Called at the very end of fit. If on DDP it is called on every process
on_fit_start()
Called at the very beginning of fit. If on DDP it is called on every process
on_post_performance_check()
Called at the very end of the validation loop.
Return type None
on_pre_performance_check()
Called at the very beginning of the validation loop.
Return type None
on_sanity_check_start()
Called before starting evaluation.
on_train_end()
Called at the end of training before logger experiment is closed.
Return type None
on_train_start()
Called at the beginning of training before sanity check.
Return type None
setup(stage)
Called at the beginning of fit and test. This is a good hook when you need to build models dynamically or
adjust something about them. This hook is called on every process when using DDP.
Parameters stage (str) – either ‘fit’ or ‘test’
Example:
class LitModel(...):
def __init__(self):
self.l1 = None
def prepare_data(self):
download_data()
tokenize()
# don't do this
self.something = else
def setup(step):
data = Load_data(...)
self.l1 = nn.Linear(28, data.num_classes)
teardown(stage)
Called at the end of fit and test.
Parameters stage (str) – either ‘fit’ or ‘test’
transfer_batch_to_device(batch, device)
Override this hook if your DataLoader returns tensors wrapped in a custom data structure.
The data types listed below (and any arbitrary nesting of them) are supported out of the box:
Parameters
• batch (Any) – A batch of data that needs to be transferred to a new device.
• device (device) – The target device as defined in PyTorch.
Return type Any
Returns A reference to the data on the new device.
Note: This hook should only transfer the data and not modify it, nor should it move the data to any other
device than the one passed in as argument (unless you know what you are doing). The Trainer already
takes care of splitting the batch and determines the target devices.
See also:
• move_data_to_device()
• apply_to_collection()
pytorch_lightning.core.lightning module
Examples
configure_ddp(model, device_ids)
Override to init DDP in your own way or with your own wrapper. The only requirements are that:
1. On a validation batch the call goes to model.validation_step.
2. On a training batch the call goes to model.training_step.
3. On a testing batch, the call goes to model.test_step.+
Parameters
• model (LightningModule) – the LightningModule currently being optimized.
• device_ids (List[int]) – the list of GPU ids.
Return type DistributedDataParallel
Returns DDP wrapped model
Examples
configure_optimizers()
Choose what optimizers and learning-rate schedulers to use in your optimization. Normally you’d need
one. But in the case of GANs or similar you might have multiple.
Return type Union[Optimizer, Sequence[Optimizer], Dict, Sequence[Dict],
Tuple[List, List], None]
Returns
Any of these 6 options.
• Single optimizer.
• List or Tuple - List of optimizers.
• Two lists - The first list has multiple optimizers, the second a list of LR schedulers (or
lr_dict).
• Dictionary, with an ‘optimizer’ key, and (optionally) a ‘lr_scheduler’ key which value is a
single LR scheduler or lr_dict.
• Tuple of dictionaries as described, with an optional ‘frequency’ key.
• None - Fit will run without any optimizer.
Note: The ‘frequency’ value is an int corresponding to the number of sequential batches optimized with
the specific optimizer. It should be given to none or to all of the optimizers. There is a difference between
passing multiple optimizers in a list, and passing multiple optimizers in dictionaries with a frequency of 1:
In the former case, all optimizers will operate on the given batch in each optimization step. In the latter,
only one optimizer will operate on the given batch at every step.
The lr_dict is a dictionary which contains scheduler and its associated configuration. It has five keys. The
default configuration is shown below.
{
'scheduler': lr_scheduler, # The LR schduler
'interval': 'epoch', # The unit of the scheduler's step size
'frequency': 1, # The frequency of the scheduler
'reduce_on_plateau': False, # For ReduceLROnPlateau scheduler
'monitor': 'val_loss' # Metric to monitor
}
If user only provides LR schedulers, then their configuration will set to default as shown above.
Examples
# most cases
def configure_optimizers(self):
opt = Adam(self.parameters(), lr=1e-3)
return opt
# https://arxiv.org/abs/1704.00028
def configure_optimizers(self):
gen_opt = Adam(self.model_gen.parameters(), lr=0.01)
dis_opt = Adam(self.model_disc.parameters(), lr=0.02)
n_critic = 5
return (
{'optimizer': dis_opt, 'frequency': n_critic},
{'optimizer': gen_opt, 'frequency': 1}
)
• If you need to control how often those optimizers step or override the default .step() schedule,
override the optimizer_step() hook.
• If you only want to call a learning rate scheduler every x step or epoch, or want to monitor a custom
metric, you can specify these in a lr_dict:
{
'scheduler': lr_scheduler,
'interval': 'step', # or 'epoch'
'monitor': 'val_f1',
'frequency': x,
}
Examples
# ...
return loss
inputs = server.get_request()
results = model(inputs)
server.write_results(results)
# -------------
# This is in stark contrast to torch.nn.Module where normally you would have
˓→this:
freeze()
Freeze all params for inference.
Example
model = MyLightningModule(...)
model.freeze()
get_progress_bar_dict()
Additional items to be displayed in the progress bar.
Return type Dict[str, Union[int, str]]
Returns Dictionary with the items to be displayed in the progress bar.
get_tqdm_dict()
Additional items to be displayed in the progress bar.
Return type Dict[str, Union[int, str]]
Returns Dictionary with the items to be displayed in the progress bar.
Example
Note: Lightning auto-restores global step, epoch, and train state including amp scaling. There is no need
for you to restore anything regarding training.
on_save_checkpoint(checkpoint)
Called by Lightning when saving a checkpoint to give you a chance to store anything else you might want
to save.
Parameters checkpoint (Dict[str, Any]) – Checkpoint to be saved
Example
Note: Lightning saves all aspects of training (epoch, global step, etc. . . ) including amp scaling. There is
no need for you to store anything about training.
Examples
# DEFAULT
def optimizer_step(self, current_epoch, batch_idx, optimizer, optimizer_idx,
second_order_closure, on_tpu, using_native_amp, using_
˓→lbfgs):
optimizer.step()
# ...
# add as many optimizers as you want
Here’s another example showing how to use this for more advanced things such as learning rate warm-up:
# warm up lr
if self.trainer.global_step < 500:
lr_scale = min(1., float(self.trainer.global_step + 1) / 500.)
for pg in optimizer.param_groups:
pg['lr'] = lr_scale * self.learning_rate
# update params
optimizer.step()
optimizer.zero_grad()
Note: If you also override the on_before_zero_grad() model hook don’t forget to add the call to
it before optimizer.zero_grad() yourself.
Warning: DO NOT set state to the model (use setup instead) since this is NOT called on every GPU
in DDP/TPU
Example:
def prepare_data(self):
# good
download_data()
tokenize()
etc()
# bad
self.split = data_split
self.some_state = some_other_state()
# DEFAULT
# called once per node on LOCAL_RANK=0 of that node
Trainer(prepare_data_per_node=True)
model.prepare_data()
if ddp/tpu: init()
model.setup(step)
model.train_dataloader()
model.val_dataloader()
model.test_dataloader()
print(*args, **kwargs)
Prints only from process 0. Use this in any distributed mode to log only once.
Parameters
• *args – The thing to print. Will be passed to Python’s built-in print function.
• **kwargs – Will be passed to Python’s built-in print function.
Example
save_hyperparameters(*args, frame=None)
Save all model arguments.
Parameters args – single object of dict, NameSpace or OmegaConf or string names or argu-
menst from class __init__
summarize(mode='top')
Examples
batch_split.append(split_x)
splits.append(batch_split)
return splits
Note: Called in the training loop after on_batch_start() if truncated_bptt_steps > 0. Each
returned batch split is passed separately to training_step().
test_dataloader()
Implement one or multiple PyTorch DataLoaders for testing.
The dataloader you return will not be called every epoch unless you set
reload_dataloaders_every_epoch to True.
For data processing use the following pattern:
• download in prepare_data()
• process and split in setup()
However, the above are only necessary for distributed processing.
• fit()
• ...
• prepare_data()
• setup()
• train_dataloader()
• val_dataloader()
• test_dataloader()
Note: Lightning adds the correct sampler for distributed and arbitrary hardware. There is no need to set
it yourself.
Example
def test_dataloader(self):
transform = transforms.Compose([transforms.ToTensor(),
transforms.Normalize((0.5,), (1.0,))])
dataset = MNIST(root='/path/to/mnist/', train=False, transform=transform,
download=True)
loader = torch.utils.data.DataLoader(
dataset=dataset,
batch_size=self.batch_size,
shuffle=False
)
return loader
Note: If you don’t need a test dataset and a test_step(), you don’t need to implement this method.
test_end(outputs)
test_epoch_end(outputs)
Called at the end of a test epoch with the output of all test steps.
Examples
test_acc_mean /= len(outputs)
tqdm_dict = {'test_acc': test_acc_mean.item()}
# show test_loss and test_acc in progress bar but only log test_loss
results = {
'progress_bar': tqdm_dict,
'log': {'test_acc': test_acc_mean.item()}
}
return results
With multiple dataloaders, outputs will be a list of lists. The outer list contains one entry per dataloader,
while the inner list contains the individual outputs of each test step for that dataloader.
def test_epoch_end(self, outputs):
test_acc_mean = 0
i = 0
for dataloader_outputs in outputs:
for output in dataloader_outputs:
test_acc_mean += output['test_acc']
i += 1
test_acc_mean /= i
tqdm_dict = {'test_acc': test_acc_mean.item()}
# show test_loss and test_acc in progress bar but only log test_loss
results = {
(continues on next page)
test_step(*args, **kwargs)
Operates on a single batch of data from the test set. In this step you’d normally generate examples or
calculate anything of interest such as accuracy.
# the pseudocode for these calls
test_outs = []
for test_batch in test_data:
out = test_step(test_batch)
test_outs.append(out)
test_epoch_end(test_outs)
Parameters
• batch (Tensor | (Tensor, . . . ) | [Tensor, . . . ]) – The output of your DataLoader.
A tensor, tuple or list.
• batch_idx (int) – The index of this batch.
• dataloader_idx (int) – The index of the dataloader that produced this batch (only
if multiple test datasets used).
Return type Dict[str, Tensor]
Returns Dict or OrderedDict - passed to the test_epoch_end() method. If you defined
test_step_end() it will go to that first.
Examples
# calculate acc
labels_hat = torch.argmax(out, dim=1)
(continues on next page)
# all optional...
# return whatever you need for the collation function test_epoch_end
output = OrderedDict({
'val_loss': loss_val,
'val_acc': torch.tensor(val_acc), # everything must be a tensor
})
If you pass in multiple validation datasets, test_step() will have an additional argument.
Note: If you don’t need to validate you don’t need to implement this method.
Note: When the test_step() is called, the model has been put in eval mode and PyTorch gradients
have been disabled. At the end of the test epoch, the model goes back to training mode and gradients are
enabled.
test_step_end(*args, **kwargs)
Use this when testing with dp or ddp2 because test_step() will operate on only part of the batch.
However, this is still optional and only needed for things like softmax or NCE loss.
Note: If you later switch to ddp or some other mode, this will still be called so that you don’t have to
change your code.
# pseudocode
sub_batches = split_batches_for_dp(batch)
batch_parts_outputs = [test_step(sub_batch) for sub_batch in sub_batches]
test_step_end(batch_parts_outputs)
Examples
# WITHOUT test_step_end
# if used in DP or DDP2, this batch is 1/num_gpus large
def test_step(self, batch, batch_idx):
# batch is 1/num_gpus big
x, y = batch
out = self(x)
loss = self.softmax(out)
loss = nce_loss(loss)
return {'loss': loss}
# --------------
# with test_step_end to do softmax over the full batch
def test_step(self, batch, batch_idx):
# batch is 1/num_gpus big
x, y = batch
out = self(x)
return {'out': out}
See also:
See the Multi-GPU training guide for more details.
tng_dataloader()
train_dataloader()
Implement a PyTorch DataLoader for training.
Return type DataLoader
Returns Single PyTorch DataLoader.
The dataloader you return will not be called every epoch unless you set
reload_dataloaders_every_epoch to True.
For data processing use the following pattern:
• download in prepare_data()
• process and split in setup()
However, the above are only necessary for distributed processing.
• fit()
• ...
• prepare_data()
• setup()
• train_dataloader()
Note: Lightning adds the correct sampler for distributed and arbitrary hardware. There is no need to set
it yourself.
Example
def train_dataloader(self):
transform = transforms.Compose([transforms.ToTensor(),
transforms.Normalize((0.5,), (1.0,))])
dataset = MNIST(root='/path/to/mnist/', train=True, transform=transform,
download=True)
loader = torch.utils.data.DataLoader(
dataset=dataset,
batch_size=self.batch_size,
shuffle=True
)
return loader
training_end(*args, **kwargs)
training_epoch_end(outputs)
Called at the end of the training epoch with the outputs of all training steps.
Examples
train_acc_mean /= len(outputs)
With multiple dataloaders, outputs will be a list of lists. The outer list contains one entry per dataloader,
while the inner list contains the individual outputs of each training step for that dataloader.
train_acc_mean /= i
training_step(*args, **kwargs)
Here you compute and return the training loss and some additional metrics for e.g. the progress bar or
logger.
Parameters
• batch (Tensor | (Tensor, . . . ) | [Tensor, . . . ]) – The output of your DataLoader.
A tensor, tuple or list.
• batch_idx (int) – Integer displaying index of this batch
• optimizer_idx (int) – When using multiple optimizers, this argument will also be
present.
• hiddens (Tensor) – Passed in if truncated_bptt_steps > 0.
Return type Union[int, Dict[str, Union[Tensor, Dict[str, Tensor]]]]
Returns
Dict with loss key and optional log or progress bar keys. When implementing
training_step(), return whatever you need in that step:
• loss -> tensor scalar REQUIRED
• progress_bar -> Dict for progress bar display. Must have only tensors
• log -> Dict of metrics to add to logger. Must have only tensors (no images, etc)
In this step you’d normally do the forward pass and calculate the loss for a batch. You can also do fancier
things like multiple forward passes or something model specific.
Examples
output = {
'loss': loss, # required
'progress_bar': {'training_loss': loss}, # optional (MUST ALL BE
˓→TENSORS)
'log': logger_logs
}
# return a dict
return output
If you define multiple optimizers, this step will be called with an additional optimizer_idx parameter.
If you add truncated back propagation through time you will also get an additional argument with the
hidden states of the previous step.
return {
"loss": ...,
"hiddens": hiddens # remember to detach() this
}
Notes
The loss value shown in the progress bar is smoothed (averaged) over the last values, so it differs from the
actual loss returned in train/validation step.
training_step_end(*args, **kwargs)
Use this when training with dp or ddp2 because training_step() will operate on only part of the
batch. However, this is still optional and only needed for things like softmax or NCE loss.
Note: If you later switch to ddp or some other mode, this will still be called so that you don’t have to
change your code
# pseudocode
sub_batches = split_batches_for_dp(batch)
batch_parts_outputs = [training_step(sub_batch) for sub_batch in sub_batches]
training_step_end(batch_parts_outputs)
Parameters batch_parts_outputs – What you return in training_step for each batch part.
Return type Dict[str, Union[Tensor, Dict[str, Tensor]]]
Returns
Dict with loss key and optional log or progress bar keys.
• loss -> tensor scalar REQUIRED
• progress_bar -> Dict for progress bar display. Must have only tensors
• log -> Dict of metrics to add to logger. Must have only tensors (no images, etc)
Examples
# WITHOUT training_step_end
# if used in DP or DDP2, this batch is 1/num_gpus large
def training_step(self, batch, batch_idx):
# batch is 1/num_gpus big
x, y = batch
out = self(x)
loss = self.softmax(out)
loss = nce_loss(loss)
return {'loss': loss}
# --------------
# with training_step_end to do softmax over the full batch
def training_step(self, batch, batch_idx):
# batch is 1/num_gpus big
x, y = batch
out = self(x)
return {'out': out}
See also:
See the Multi-GPU training guide for more details.
unfreeze()
Unfreeze all parameters for training.
model = MyLightningModule(...)
model.unfreeze()
val_dataloader()
Implement one or multiple PyTorch DataLoaders for validation.
The dataloader you return will not be called every epoch unless you set
reload_dataloaders_every_epoch to True.
It’s recommended that all data downloads and preparation happen in prepare_data().
• fit()
• ...
• prepare_data()
• train_dataloader()
• val_dataloader()
• test_dataloader()
Note: Lightning adds the correct sampler for distributed and arbitrary hardware There is no need to set it
yourself.
Examples
def val_dataloader(self):
transform = transforms.Compose([transforms.ToTensor(),
transforms.Normalize((0.5,), (1.0,))])
dataset = MNIST(root='/path/to/mnist/', train=False,
transform=transform, download=True)
loader = torch.utils.data.DataLoader(
dataset=dataset,
batch_size=self.batch_size,
shuffle=False
)
return loader
Note: If you don’t need a validation dataset and a validation_step(), you don’t need to implement
this method.
Note: In the case where you return multiple validation dataloaders, the validation_step() will
have an argument dataset_idx which matches the order here.
validation_end(outputs)
validation_epoch_end(outputs)
Called at the end of the validation epoch with the outputs of all validation steps.
Examples
val_acc_mean /= len(outputs)
tqdm_dict = {'val_acc': val_acc_mean.item()}
With multiple dataloaders, outputs will be a list of lists. The outer list contains one entry per dataloader,
while the inner list contains the individual outputs of each validation step for that dataloader.
def validation_epoch_end(self, outputs):
val_acc_mean = 0
i = 0
for dataloader_outputs in outputs:
for output in dataloader_outputs:
val_acc_mean += output['val_acc']
i += 1
val_acc_mean /= i
tqdm_dict = {'val_acc': val_acc_mean.item()}
# show val_loss and val_acc in progress bar but only log val_loss
results = {
(continues on next page)
validation_step(*args, **kwargs)
Operates on a single batch of data from the validation set. In this step you’d might generate examples or
calculate anything of interest like accuracy.
Parameters
• batch (Tensor | (Tensor, . . . ) | [Tensor, . . . ]) – The output of your DataLoader.
A tensor, tuple or list.
• batch_idx (int) – The index of this batch
• dataloader_idx (int) – The index of the dataloader that produced this batch (only
if multiple val datasets used)
Return type Dict[str, Tensor]
Returns Dict or OrderedDict - passed to validation_epoch_end(). If you defined
validation_step_end() it will go to that first.
# pseudocode of order
out = validation_step()
if defined('validation_step_end'):
out = validation_step_end(out)
out = validation_epoch_end(out)
Examples
# calculate acc
labels_hat = torch.argmax(out, dim=1)
val_acc = torch.sum(y == labels_hat).item() / (len(y) * 1.0)
# all optional...
# return whatever you need for the collation function validation_epoch_end
output = OrderedDict({
'val_loss': loss_val,
'val_acc': torch.tensor(val_acc), # everything must be a tensor
})
If you pass in multiple val datasets, validation_step will have an additional argument.
Note: If you don’t need to validate you don’t need to implement this method.
Note: When the validation_step() is called, the model has been put in eval mode and PyTorch
gradients have been disabled. At the end of validation, the model goes back to training mode and gradients
are enabled.
validation_step_end(*args, **kwargs)
Use this when validating with dp or ddp2 because validation_step() will operate on only part of
the batch. However, this is still optional and only needed for things like softmax or NCE loss.
Note: If you later switch to ddp or some other mode, this will still be called so that you don’t have to
change your code.
# pseudocode
sub_batches = split_batches_for_dp(batch)
batch_parts_outputs = [validation_step(sub_batch) for sub_batch in sub_
˓→batches]
validation_step_end(batch_parts_outputs)
Examples
# WITHOUT validation_step_end
# if used in DP or DDP2, this batch is 1/num_gpus large
def validation_step(self, batch, batch_idx):
# batch is 1/num_gpus big
x, y = batch
out = self(x)
loss = self.softmax(out)
loss = nce_loss(loss)
return {'loss': loss}
# --------------
# with validation_step_end to do softmax over the full batch
def validation_step(self, batch, batch_idx):
# batch is 1/num_gpus big
x, y = batch
out = self(x)
return {'out': out}
See also:
See the Multi-GPU training guide for more details.
_device = None
device reference
_dtype = None
Current dtype
current_epoch = None
The current epoch
property example_input_array
Return type Any
global_step = None
Total training batches seen across all epochs
property hparams
Return type Union[AttributeDict, str]
logger = None
Pointer to the logger object
property on_gpu
True if your model is currently running on GPUs. Useful to set flags around the LightningModule for
different CPU vs GPU behavior.
trainer = None
Pointer to the trainer object
use_amp = None
True if using amp
use_ddp = None
True if using ddp
use_ddp2 = None
True if using ddp2
use_dp = None
True if using dp
pytorch_lightning.core.memory module
class pytorch_lightning.core.memory.LayerSummary(module)
Bases: object
Summary class for a single layer in a LightningModule. It collects the following information:
• Type of the layer (e.g. Linear, BatchNorm1d, . . . )
• Input shape
• Output shape
• Number of parameters
The input and output shapes are only known after the example input array was passed through the model.
Example:
_register_hook()
Registers a hook on the module that computes the input- and output size(s) on the first forward pass. If
the hook is called, it will remove itself from the from the module, meaning that recursive models will only
record their input- and output shapes once.
Return type RemovableHandle
Returns A handle for the installed hook.
detach_hook()
Removes the forward hook if it was not already removed in the forward pass. Will be called after the
summary is created.
property in_size
Return type Union[str, List]
property layer_type
Returns the class name of the module.
Return type str
property num_parameters
Returns the number of parameters in this module.
Return type int
property out_size
Return type Union[str, List]
class pytorch_lightning.core.memory.ModelSummary(model, mode='top')
Bases: object
Generates a summary of all layers in a LightningModule.
Parameters
• model – The model to summarize (also referred to as the root module)
• mode (str) – Can be one of
– top (default): only the top-level modules will be recorded (the children of the root module)
– full: summarizes all layers and their submodules in the root module
The string representation of this summary prints a table with columns containing the name, type and number of
parameters for each layer.
The root module may also have an attribute example_input_array as shown in the example below. If
present, the root module will be called with it as input to determine the intermediate input- and output shapes of
all layers. Supported are tensors and nested lists and tuples of tensors. All other types of inputs will be skipped
and show as ? in the summary table. The summary will also display ? for layers not used in the forward pass.
Example:
_forward_example_input()
Run the example input through each layer to get input- and output sizes.
Return type None
summarize()
Return type Dict[str, LayerSummary]
MODES = ['full', 'top']
MODE_DEFAULT = 'top'
MODE_FULL = 'full'
MODE_TOP = 'top'
property in_sizes
Return type List
property layer_names
Return type List[str]
property layer_types
Return type List[str]
property named_modules
Return type List[Tuple[str, Module]]
property out_sizes
Return type List
property param_nums
Return type List[int]
pytorch_lightning.core.memory._format_summary_table(*cols)
Takes in a number of arrays, each specifying a column in the summary table, and combines them all into one
big string defining the summary table that are nicely formatted.
Return type str
pytorch_lightning.core.memory.get_gpu_memory_map()
Get the current gpu usage.
Return type Dict[str, int]
Returns A dictionary in which the keys are device ids as integers and values are memory usage as
integers in MB.
pytorch_lightning.core.memory.get_human_readable_count(number)
Abbreviates an integer number with K, M, B, T for thousands, millions, billions and trillions, respectively.
Examples
>>> get_human_readable_count(123)
'123 '
>>> get_human_readable_count(1234) # (one thousand)
'1 K'
>>> get_human_readable_count(2e6) # (two million)
'2 M'
>>> get_human_readable_count(3e9) # (three billion)
'3 B'
>>> get_human_readable_count(4e12) # (four trillion)
'4 T'
>>> get_human_readable_count(5e15) # (more than trillion)
'5,000 T'
pytorch_lightning.core.memory.get_memory_profile(mode)
Get a profile of the current memory usage.
Parameters mode (str) – There are two modes:
• ’all’ means return memory for all gpus
• ’min_max’ means return memory for max and min
Return type Union[Dict[str, int], Dict[int, int]]
Returns
A dictionary in which the keys are device ids as integers and values are memory usage as integers
in MB. If mode is ‘min_max’, the dictionary will also contain two additional keys:
• ’min_gpu_mem’: the minimum memory usage in MB
• ’max_gpu_mem’: the maximum memory usage in MB
pytorch_lightning.core.memory.parse_batch_shape(batch)
Return type Union[str, List]
pytorch_lightning.core.saving module
class pytorch_lightning.core.saving.ModelIO
Bases: object
classmethod _load_model_state(checkpoint, *cls_args, **cls_kwargs)
classmethod load_from_checkpoint(checkpoint_path, *args, map_location=None,
hparams_file=None, tags_csv=None, **kwargs)
Primary way of loading a model from a checkpoint. When Lightning saves a checkpoint it stores the
arguments passed to __init__ in the checkpoint under module_arguments
Any arguments specified through *args and **kwargs will override args stored in hparams.
Parameters
• checkpoint_path (str) – Path to checkpoint. This can also be a URL.
drop_prob: 0.2
dataloader:
batch_size: 32
You most likely won’t need this since Lightning will always save the hyperparameters
to the checkpoint. However, if your checkpoint weights don’t have the hyperparameters
saved, use this method to pass in a .yaml file with the hparams you’d like to use. These
will be converted into a dict and passed into your LightningModule for use.
If your model’s hparams argument is Namespace and .yaml file has hierarchical struc-
ture, you need to refactor your model to treat hparams as dict.
.csv files are acceptable here till v0.9.0, see tags_csv argument for detailed usage.
• tags_csv (Optional[str]) –
Optional path to a .csv file with two columns (key, value) as in this example:
key,value
drop_prob,0.2
batch_size,32
Use this method to pass in a .csv file with the hparams you’d like to use.
• hparam_overrides – A dictionary with keys to override in the hparams
• kwargs – Any keyword args needed to init the model.
Returns LightningModule with loaded weights and hyperparameters (if available).
Example
# predict
pretrained_model.eval()
pretrained_model.freeze()
y_hat = pretrained_model(x)
Warning: Deprecated in version 0.7.0. You should use load_from_checkpoint() instead. Will
be removed in v0.9.0.
on_hpc_load(checkpoint)
Hook to do whatever you need right before Slurm manager loads the model.
Parameters checkpoint (Dict[str, Any]) – A dictionary with variables from the check-
point.
Return type None
on_hpc_save(checkpoint)
Hook to do whatever you need right before Slurm manager saves the model.
Parameters checkpoint (Dict[str, Any]) – A dictionary in which you can save variables
to save in a checkpoint. Contents need to be pickleable.
Return type None
on_load_checkpoint(checkpoint)
Do something with the checkpoint. Gives model a chance to load something before state_dict is
restored.
Parameters checkpoint (Dict[str, Any]) – A dictionary with variables from the check-
point.
Return type None
on_save_checkpoint(checkpoint)
Give the model a chance to add something to the checkpoint. state_dict is already there.
Parameters checkpoint (Dict[str, Any]) – A dictionary in which you can save variables
to save in a checkpoint. Contents need to be pickleable.
Return type None
CHECKPOINT_HYPER_PARAMS_KEY = 'hyper_parameters'
CHECKPOINT_HYPER_PARAMS_NAME = 'hparams_name'
CHECKPOINT_HYPER_PARAMS_TYPE = 'hparams_type'
pytorch_lightning.core.saving._convert_loaded_hparams(model_args,
hparams_type=None)
Convert hparams according given type in callable or string (past) format
Return type object
pytorch_lightning.core.saving.convert(val)
Return type Union[int, float, bool, str]
pytorch_lightning.core.saving.load_hparams_from_tags_csv(tags_csv)
Load hparams from a file.
pytorch_lightning.core.saving.load_hparams_from_yaml(config_yaml)
Load hparams from a file.
pytorch_lightning.core.saving.save_hparams_to_tags_csv(tags_csv, hparams)
Return type None
pytorch_lightning.core.saving.save_hparams_to_yaml(config_yaml, hparams)
Parameters
• config_yaml – path to new YAML file
• hparams (Union[dict, Namespace]) – parameters to be saved
Return type None
pytorch_lightning.core.saving.update_hparams(hparams, updates)
Overrides hparams with new values
Parameters
• hparams (dict) – the original params and also target object
• updates (dict) – new params to be used as update
Return type None
on_test_end(trainer, pl_module)
Called when the test ends.
on_test_start(trainer, pl_module)
Called when the test begins.
on_train_end(trainer, pl_module)
Called when the train ends.
on_train_start(trainer, pl_module)
Called when the train begins.
on_validation_batch_end(trainer, pl_module)
Called when the validation batch ends.
on_validation_batch_start(trainer, pl_module)
Called when the validation batch begins.
on_validation_end(trainer, pl_module)
Called when the validation loop ends.
on_validation_start(trainer, pl_module)
Called when the validation loop begins.
setup(trainer, stage)
Called when fit or test begins
teardown(trainer, stage)
Called when fit or test ends
class pytorch_lightning.callbacks.EarlyStopping(monitor='val_loss', min_delta=0.0,
patience=3, verbose=False,
mode='auto', strict=True)
Bases: pytorch_lightning.callbacks.base.Callback
Parameters
• monitor (str) – quantity to be monitored. Default: 'val_loss'.
• min_delta (float) – minimum change in the monitored quantity to qualify as an im-
provement, i.e. an absolute change of less than min_delta, will count as no improvement.
Default: 0.
• patience (int) – number of validation epochs with no improvement after which training
will be stopped. Default: 0.
• verbose (bool) – verbosity mode. Default: False.
• mode (str) – one of {auto, min, max}. In min mode, training will stop when the quantity
monitored has stopped decreasing; in max mode it will stop when the quantity monitored
has stopped increasing; in auto mode, the direction is automatically inferred from the name
of the monitored quantity. Default: 'auto'.
• strict (bool) – whether to crash the training if monitor is not found in the validation
metrics. Default: True.
Example:
_run_early_stopping_check(trainer, pl_module)
_validate_condition_metric(logs)
Checks that the condition metric for early stopping is good
Parameters logs – callback metrics from validation output
Returns True if specified metric is available
load_state_dict(state_dict)
on_sanity_check_end(trainer, pl_module)
Called when the validation sanity check ends.
on_train_end(trainer, pl_module)
Called when the train ends.
on_validation_end(trainer, pl_module)
Called when the validation loop ends.
state_dict()
mode_dict = {'max': torch.gt, 'min': torch.lt}
property monitor_op
class pytorch_lightning.callbacks.ModelCheckpoint(filepath=None, moni-
tor='val_loss', verbose=False,
save_last=False, save_top_k=1,
save_weights_only=False,
mode='auto', period=1, prefix='')
Bases: pytorch_lightning.callbacks.base.Callback
Save the model after every epoch if it improves.
After training finishes, use best_model_path to retrieve the path to the best checkpoint file and
best_model_score to retrieve its score.
Parameters
• filepath (Optional[str]) – path to save the model file. Can contain named format-
ting options to be auto-filled.
Example:
# custom path
# saves a file like: my/path/epoch_0.ckpt
>>> checkpoint_callback = ModelCheckpoint('my/path/')
... )
Can also be set to None, then it will be set to default location during trainer construction.
• monitor (str) – quantity to monitor.
• verbose (bool) – verbosity mode. Default: False.
• save_last (bool) – always saves the model at the end of the epoch. Default: False.
• save_top_k (int) – if save_top_k == k, the best k models according to the quantity
monitored will be saved. if save_top_k == 0, no models are saved. if save_top_k
== -1, all models are saved. Please note that the monitors are checked every period
epochs. if save_top_k >= 2 and the callback is called multiple times inside an epoch,
the name of the saved file will be appended with a version count starting with v0.
• mode (str) – one of {auto, min, max}. If save_top_k != 0, the decision to overwrite
the current save file is made based on either the maximization or the minimization of the
monitored quantity. For val_acc, this should be max, for val_loss this should be min, etc. In
auto mode, the direction is automatically inferred from the name of the monitored quantity.
• save_weights_only (bool) – if True, then only the model’s weights will be
saved (model.save_weights(filepath)), else the full model is saved (model.
save(filepath)).
• period (int) – Interval (number of epochs) between checkpoints.
Example:
_del_model(filepath)
_do_check_save(filepath, current, epoch)
_save_model(filepath)
check_monitor_top_k(current)
format_checkpoint_name(epoch, metrics, ver=None)
Generate a filename according to the defined template.
Example:
on_train_start(trainer, pl_module)
Determine model checkpoint save directory at runtime. References attributes from the Trainer’s logger to
determine where to save checkpoints.
on_validation_end(trainer, pl_module)
Called when the validation loop ends.
property best
property kth_best_model
class pytorch_lightning.callbacks.GradientAccumulationScheduler(scheduling)
Bases: pytorch_lightning.callbacks.base.Callback
Change gradient accumulation factor according to scheduling.
Parameters scheduling (dict) – scheduling in format {epoch: accumulation_factor}
Example:
>>> from pytorch_lightning import Trainer
>>> from pytorch_lightning.callbacks import GradientAccumulationScheduler
on_epoch_start(trainer, pl_module)
Called when the epoch begins.
class pytorch_lightning.callbacks.LearningRateLogger
Bases: pytorch_lightning.callbacks.base.Callback
Automatically logs learning rate for learning rate schedulers during training.
Example:
>>> from pytorch_lightning import Trainer
>>> from pytorch_lightning.callbacks import LearningRateLogger
>>> lr_logger = LearningRateLogger()
>>> trainer = Trainer(callbacks=[lr_logger])
Logging names are automatically determined based on optimizer class name. In case of multiple optimizers of
same type, they will be named Adam, Adam-1 etc. If a optimizer has multiple parameter groups they will be
named Adam/pg1, Adam/pg2 etc. To control naming, pass in a name keyword in the construction of the learning
rate schdulers
Example:
def configure_optimizer(self):
optimizer = torch.optim.Adam(...)
lr_scheduler = {'scheduler': torch.optim.lr_schedulers.LambdaLR(optimizer, ...
˓→)
_extract_lr(trainer, interval)
Extracts learning rates for lr schedulers and saves information into dict structure.
_find_names(lr_schedulers)
on_batch_start(trainer, pl_module)
Called when the training batch begins.
on_epoch_start(trainer, pl_module)
Called when the epoch begins.
on_train_start(trainer, pl_module)
Called before training, determines unique names for all lr schedulers in the case of multiple of the same
type or in the case of multiple parameter groups
class pytorch_lightning.callbacks.ProgressBarBase
Bases: pytorch_lightning.callbacks.base.Callback
The base class for progress bars in Lightning. It is a Callback that keeps track of the batch progress in the
Trainer. You should implement your highly custom progress bars with this as the base class.
Example:
class LitProgressBar(ProgressBarBase):
def __init__(self):
super().__init__() # don't forget this :)
self.enable = True
def disable(self):
self.enable = False
bar = LitProgressBar()
trainer = Trainer(callbacks=[bar])
disable()
You should provide a way to disable the progress bar. The Trainer will call this to disable the output on
processes that have a rank different from 0, e.g., in multi-node training.
enable()
You should provide a way to enable the progress bar. The Trainer will call this in e.g. pre-training
routines like the learning rate finder to temporarily enable and disable the main progress bar.
on_batch_end(trainer, pl_module)
Called when the training batch ends.
on_epoch_start(trainer, pl_module)
Called when the epoch begins.
on_init_end(trainer)
Called when the trainer initialization ends, model has not yet been set.
on_test_batch_end(trainer, pl_module)
Called when the test batch ends.
on_test_start(trainer, pl_module)
Called when the test begins.
on_train_start(trainer, pl_module)
Called when the train begins.
on_validation_batch_end(trainer, pl_module)
Called when the validation batch ends.
on_validation_start(trainer, pl_module)
Called when the validation loop begins.
property test_batch_idx
The current batch index being processed during testing. Use this to update your progress bar.
Return type int
property total_test_batches
The total number of training batches during testing, which may change from epoch to epoch. Use this to
set the total number of iterations in the progress bar. Can return inf if the test dataloader is of infinite
size.
Return type int
property total_train_batches
The total number of training batches during training, which may change from epoch to epoch. Use this to
set the total number of iterations in the progress bar. Can return inf if the training dataloader is of infinite
size.
Return type int
property total_val_batches
The total number of training batches during validation, which may change from epoch to epoch. Use this
to set the total number of iterations in the progress bar. Can return inf if the validation dataloader is of
infinite size.
Return type int
property train_batch_idx
The current batch index being processed during training. Use this to update your progress bar.
Return type int
property trainer
property val_batch_idx
The current batch index being processed during validation. Use this to update your progress bar.
Return type int
class pytorch_lightning.callbacks.ProgressBar(refresh_rate=1, process_position=0)
Bases: pytorch_lightning.callbacks.progress.ProgressBarBase
This is the default progress bar used by Lightning. It prints to stdout using the tqdm package and shows up to
four different bars:
• sanity check progress: the progress during the sanity check run
• main progress: shows training + validation progress combined. It also accounts for multiple validation
runs during training when val_check_interval is used.
• validation progress: only visible during validation; shows total progress over all validation datasets.
• test progress: only active when testing; shows total progress over all test datasets.
For infinite datasets, the progress bar never ends.
If you want to customize the default tqdm progress bars used by Lightning, you can override specific methods
of the callback class and pass your custom implementation to the Trainer:
Example:
class LitProgressBar(ProgressBar):
def init_validation_tqdm(self):
bar = super().init_validation_tqdm()
bar.set_description('running validation ...')
return bar
bar = LitProgressBar()
trainer = Trainer(callbacks=[bar])
Parameters
• refresh_rate (int) – Determines at which rate (in number of batches) the progress
bars get updated. Set it to 0 to disable the display. By default, the Trainer uses this
implementation of the progress bar and sets the refresh rate to the value provided to the
progress_bar_refresh_rate argument in the Trainer.
• process_position (int) – Set this to a value greater than 0 to offset the progress bars
by this many lines. This is useful when you have progress bars defined elsewhere and want
to show all of them together. This corresponds to process_position in the Trainer.
disable()
You should provide a way to disable the progress bar. The Trainer will call this to disable the output on
processes that have a rank different from 0, e.g., in multi-node training.
Return type None
enable()
You should provide a way to enable the progress bar. The Trainer will call this in e.g. pre-training
routines like the learning rate finder to temporarily enable and disable the main progress bar.
Return type None
init_sanity_tqdm()
Override this to customize the tqdm bar for the validation sanity run.
Return type tqdm
init_test_tqdm()
Override this to customize the tqdm bar for testing.
Return type tqdm
init_train_tqdm()
Override this to customize the tqdm bar for training.
Return type tqdm
init_validation_tqdm()
Override this to customize the tqdm bar for validation.
Return type tqdm
on_batch_end(trainer, pl_module)
Called when the training batch ends.
on_epoch_start(trainer, pl_module)
Called when the epoch begins.
on_sanity_check_end(trainer, pl_module)
Called when the validation sanity check ends.
on_sanity_check_start(trainer, pl_module)
Called when the validation sanity check starts.
on_test_batch_end(trainer, pl_module)
Called when the test batch ends.
on_test_end(trainer, pl_module)
Called when the test ends.
on_test_start(trainer, pl_module)
Called when the test begins.
on_train_end(trainer, pl_module)
Called when the train ends.
on_train_start(trainer, pl_module)
Called when the train begins.
on_validation_batch_end(trainer, pl_module)
Called when the validation batch ends.
on_validation_end(trainer, pl_module)
Called when the validation loop ends.
on_validation_start(trainer, pl_module)
Called when the validation loop begins.
property is_disabled
Return type bool
property is_enabled
Return type bool
property process_position
Return type int
property refresh_rate
Return type int
36.2.1 Submodules
pytorch_lightning.callbacks.base module
Callback Base
setup(trainer, stage)
Called when fit or test begins
teardown(trainer, stage)
Called when fit or test ends
pytorch_lightning.callbacks.early_stopping module
Early Stopping
_run_early_stopping_check(trainer, pl_module)
_validate_condition_metric(logs)
Checks that the condition metric for early stopping is good
Parameters logs – callback metrics from validation output
Returns True if specified metric is available
load_state_dict(state_dict)
on_sanity_check_end(trainer, pl_module)
Called when the validation sanity check ends.
on_train_end(trainer, pl_module)
Called when the train ends.
on_validation_end(trainer, pl_module)
Called when the validation loop ends.
state_dict()
mode_dict = {'max': torch.gt, 'min': torch.lt}
property monitor_op
pytorch_lightning.callbacks.gradient_accumulation_scheduler module
Gradient Accumulator
on_epoch_start(trainer, pl_module)
Called when the epoch begins.
pytorch_lightning.callbacks.lr_logger module
Logging names are automatically determined based on optimizer class name. In case of multiple optimizers of
same type, they will be named Adam, Adam-1 etc. If a optimizer has multiple parameter groups they will be
named Adam/pg1, Adam/pg2 etc. To control naming, pass in a name keyword in the construction of the learning
rate schdulers
Example:
def configure_optimizer(self):
optimizer = torch.optim.Adam(...)
lr_scheduler = {'scheduler': torch.optim.lr_schedulers.LambdaLR(optimizer, ...
˓→)
'name': 'my_logging_name'}
return [optimizer], [lr_scheduler]
_extract_lr(trainer, interval)
Extracts learning rates for lr schedulers and saves information into dict structure.
_find_names(lr_schedulers)
on_batch_start(trainer, pl_module)
Called when the training batch begins.
on_epoch_start(trainer, pl_module)
Called when the epoch begins.
on_train_start(trainer, pl_module)
Called before training, determines unique names for all lr schedulers in the case of multiple of the same
type or in the case of multiple parameter groups
pytorch_lightning.callbacks.model_checkpoint module
Model Checkpointing
# custom path
# saves a file like: my/path/epoch_0.ckpt
>>> checkpoint_callback = ModelCheckpoint('my/path/')
... )
Can also be set to None, then it will be set to default location during trainer construction.
• monitor (str) – quantity to monitor.
• verbose (bool) – verbosity mode. Default: False.
• save_last (bool) – always saves the model at the end of the epoch. Default: False.
• save_top_k (int) – if save_top_k == k, the best k models according to the quantity
monitored will be saved. if save_top_k == 0, no models are saved. if save_top_k
== -1, all models are saved. Please note that the monitors are checked every period
epochs. if save_top_k >= 2 and the callback is called multiple times inside an epoch,
the name of the saved file will be appended with a version count starting with v0.
• mode (str) – one of {auto, min, max}. If save_top_k != 0, the decision to overwrite
the current save file is made based on either the maximization or the minimization of the
monitored quantity. For val_acc, this should be max, for val_loss this should be min, etc. In
auto mode, the direction is automatically inferred from the name of the monitored quantity.
• save_weights_only (bool) – if True, then only the model’s weights will be
saved (model.save_weights(filepath)), else the full model is saved (model.
save(filepath)).
• period (int) – Interval (number of epochs) between checkpoints.
Example:
_del_model(filepath)
on_train_start(trainer, pl_module)
Determine model checkpoint save directory at runtime. References attributes from the Trainer’s logger to
determine where to save checkpoints.
on_validation_end(trainer, pl_module)
Called when the validation loop ends.
property best
property kth_best_model
pytorch_lightning.callbacks.progress module
Progress Bars
Example:
class LitProgressBar(ProgressBar):
def init_validation_tqdm(self):
bar = super().init_validation_tqdm()
bar.set_description('running validation ...')
return bar
bar = LitProgressBar()
trainer = Trainer(callbacks=[bar])
Parameters
• refresh_rate (int) – Determines at which rate (in number of batches) the progress
bars get updated. Set it to 0 to disable the display. By default, the Trainer uses this
implementation of the progress bar and sets the refresh rate to the value provided to the
progress_bar_refresh_rate argument in the Trainer.
• process_position (int) – Set this to a value greater than 0 to offset the progress bars
by this many lines. This is useful when you have progress bars defined elsewhere and want
to show all of them together. This corresponds to process_position in the Trainer.
disable()
You should provide a way to disable the progress bar. The Trainer will call this to disable the output on
processes that have a rank different from 0, e.g., in multi-node training.
Return type None
enable()
You should provide a way to enable the progress bar. The Trainer will call this in e.g. pre-training
routines like the learning rate finder to temporarily enable and disable the main progress bar.
Return type None
init_sanity_tqdm()
Override this to customize the tqdm bar for the validation sanity run.
Return type tqdm
init_test_tqdm()
Override this to customize the tqdm bar for testing.
Return type tqdm
init_train_tqdm()
Override this to customize the tqdm bar for training.
Return type tqdm
init_validation_tqdm()
Override this to customize the tqdm bar for validation.
Return type tqdm
on_batch_end(trainer, pl_module)
Called when the training batch ends.
on_epoch_start(trainer, pl_module)
Called when the epoch begins.
on_sanity_check_end(trainer, pl_module)
Called when the validation sanity check ends.
on_sanity_check_start(trainer, pl_module)
Called when the validation sanity check starts.
on_test_batch_end(trainer, pl_module)
Called when the test batch ends.
on_test_end(trainer, pl_module)
Called when the test ends.
on_test_start(trainer, pl_module)
Called when the test begins.
on_train_end(trainer, pl_module)
Called when the train ends.
on_train_start(trainer, pl_module)
Called when the train begins.
on_validation_batch_end(trainer, pl_module)
Called when the validation batch ends.
on_validation_end(trainer, pl_module)
Called when the validation loop ends.
on_validation_start(trainer, pl_module)
Called when the validation loop begins.
property is_disabled
Return type bool
property is_enabled
Return type bool
property process_position
Return type int
property refresh_rate
Return type int
class pytorch_lightning.callbacks.progress.ProgressBarBase
Bases: pytorch_lightning.callbacks.base.Callback
The base class for progress bars in Lightning. It is a Callback that keeps track of the batch progress in the
Trainer. You should implement your highly custom progress bars with this as the base class.
Example:
class LitProgressBar(ProgressBarBase):
def __init__(self):
super().__init__() # don't forget this :)
self.enable = True
def disable(self):
self.enable = False
bar = LitProgressBar()
trainer = Trainer(callbacks=[bar])
disable()
You should provide a way to disable the progress bar. The Trainer will call this to disable the output on
processes that have a rank different from 0, e.g., in multi-node training.
enable()
You should provide a way to enable the progress bar. The Trainer will call this in e.g. pre-training
routines like the learning rate finder to temporarily enable and disable the main progress bar.
on_batch_end(trainer, pl_module)
Called when the training batch ends.
on_epoch_start(trainer, pl_module)
Called when the epoch begins.
on_init_end(trainer)
Called when the trainer initialization ends, model has not yet been set.
on_test_batch_end(trainer, pl_module)
Called when the test batch ends.
on_test_start(trainer, pl_module)
Called when the test begins.
on_train_start(trainer, pl_module)
Called when the train begins.
on_validation_batch_end(trainer, pl_module)
Called when the validation batch ends.
on_validation_start(trainer, pl_module)
Called when the validation loop begins.
property test_batch_idx
The current batch index being processed during testing. Use this to update your progress bar.
Return type int
property total_test_batches
The total number of training batches during testing, which may change from epoch to epoch. Use this to
set the total number of iterations in the progress bar. Can return inf if the test dataloader is of infinite
size.
Return type int
property total_train_batches
The total number of training batches during training, which may change from epoch to epoch. Use this to
set the total number of iterations in the progress bar. Can return inf if the training dataloader is of infinite
size.
Return type int
property total_val_batches
The total number of training batches during validation, which may change from epoch to epoch. Use this
to set the total number of iterations in the progress bar. Can return inf if the validation dataloader is of
infinite size.
Return type int
property train_batch_idx
The current batch index being processed during training. Use this to update your progress bar.
Return type int
property trainer
property val_batch_idx
The current batch index being processed during validation. Use this to update your progress bar.
Return type int
pytorch_lightning.callbacks.progress.convert_inf(x)
The tqdm doesn’t support inf values. We have to convert it to None.
class pytorch_lightning.loggers.LightningLoggerBase(agg_key_funcs=None,
agg_default_func=numpy.mean)
Bases: abc.ABC
Base class for experiment loggers.
Parameters
• agg_key_funcs (Optional[Mapping[str, Callable[[Sequence[float]],
float]]]) – Dictionary which maps a metric name to a function, which will aggregate the
metric values for the same steps.
• agg_default_func (Callable[[Sequence[float]], float]) – Default function
to aggregate metric values. If some metric name is not presented in the agg_key_funcs
dictionary, then the agg_default_func will be used for aggregation.
Note: The agg_key_funcs and agg_default_func arguments are used only when one logs metrics with the
agg_and_log_metrics() method.
_aggregate_metrics(metrics, step=None)
Aggregates metrics.
Parameters
• metrics (Dict[str, float]) – Dictionary with metric names as keys and measured
quantities as values
• step (Optional[int]) – Step number at which the metrics should be recorded
Return type Tuple[int, Optional[Dict[str, float]]]
Returns Step and aggregated metrics. The return value could be None. In such case, metrics
are added to the aggregation list, but not aggregated yet.
static _convert_params(params)
Return type Dict[str, Any]
_finalize_agg_metrics()
This shall be called before save/close.
static _flatten_dict(params, delimiter='/')
Flatten hierarchical dict, e.g. {'a': {'b': 'c'}} -> {'a/b': 'c'}.
Parameters
• params (Dict[str, Any]) – Dictionary containing the hyperparameters
• delimiter (str) – Delimiter to express the hierarchy. Defaults to '/'.
Return type Dict[str, Any]
Returns Flattened dict.
Examples
_reduce_agg_metrics()
Aggregate accumulated metrics.
static _sanitize_params(params)
Returns params with non-primitvies converted to strings for logging.
agg_and_log_metrics(metrics, step=None)
Aggregates and records metrics. This method doesn’t log the passed metrics instantaneously, but instead
it aggregates them and logs only if metrics are ready to be logged.
Parameters
• metrics (Dict[str, float]) – Dictionary with metric names as keys and measured
quantities as values
• step (Optional[int]) – Step number at which the metrics should be recorded
close()
Do any cleanup that is necessary to close an experiment.
Return type None
finalize(status)
Do any processing that is necessary to finalize an experiment.
Parameters status (str) – Status that the experiment finished with (e.g. success, failed,
aborted)
Return type None
abstract log_hyperparams(params)
Record hyperparameters.
Parameters params (Namespace) – Namespace containing the hyperparameters
abstract log_metrics(metrics, step=None)
Records metrics. This method logs metrics as as soon as it received them. If you want to aggregate metrics
for one specific step, use the agg_and_log_metrics() method.
Parameters
• metrics (Dict[str, float]) – Dictionary with metric names as keys and measured
quantities as values
• step (Optional[int]) – Step number at which the metrics should be recorded
save()
Save log data.
Return type None
update_agg_funcs(agg_key_funcs=None, agg_default_func=numpy.mean)
Update aggregation methods.
Parameters
• agg_key_funcs (Optional[Mapping[str, Callable[[Sequence[float]],
float]]]) – Dictionary which maps a metric name to a function, which will aggregate
the metric values for the same steps.
• agg_default_func (Callable[[Sequence[float]], float]) – Default func-
tion to aggregate metric values. If some metric name is not presented in the agg_key_funcs
dictionary, then the agg_default_func will be used for aggregation.
abstract property experiment
Return the experiment object associated with this logger.
Return type Any
abstract property name
Return the experiment name.
Return type str
abstract property version
Return the experiment version.
Return type Union[int, str]
class pytorch_lightning.loggers.LoggerCollection(logger_iterable)
Bases: pytorch_lightning.loggers.base.LightningLoggerBase
The LoggerCollection class is used to iterate all logging actions over the given logger_iterable.
Example
Parameters
• save_dir (str) – Save directory
• name (Optional[str]) – Experiment name. Defaults to 'default'. If it is the empty
string then no per-experiment subdirectory is used.
• version (Union[int, str, None]) – Experiment version. If version is not specified
the logger inspects the save directory for existing versions, then automatically assigns the
next available version. If it is a string then it is used as the run-specific subdirectory name,
otherwise 'version_${version}' is used.
• **kwargs – Other arguments are passed directly to the SummaryWriter constructor.
_get_next_version()
finalize(status)
Do any processing that is necessary to finalize an experiment.
Parameters status (str) – Status that the experiment finished with (e.g. success, failed,
aborted)
Return type None
log_hyperparams(params, metrics=None)
Record hyperparameters.
Parameters params (Union[Dict[str, Any], Namespace]) – Namespace containing
the hyperparameters
Return type None
log_metrics(metrics, step=None)
Records metrics. This method logs metrics as as soon as it received them. If you want to aggregate metrics
for one specific step, use the agg_and_log_metrics() method.
Parameters
• metrics (Dict[str, float]) – Dictionary with metric names as keys and measured
quantities as values
• step (Optional[int]) – Step number at which the metrics should be recorded
Return type None
save()
Save log data.
Return type None
NAME_HPARAMS_FILE = 'hparams.yaml'
property experiment
Actual tensorboard object. To use TensorBoard features in your LightningModule do the following.
Example:
self.logger.experiment.some_tensorboard_function()
property log_dir
The directory for this run’s tensorboard checkpoint. By default, it is named 'version_${self.
version}' but it can be overridden by passing a string value for the constructor’s version parameter
instead of None or an int.
Return type str
property name
Return the experiment name.
Return type str
property root_dir
Parent directory for all tensorboard checkpoint subdirectories. If the experiment name parameter is
None or the empty string, no experiment subdirectory is used and the checkpoint will be saved in
“save_dir/version_dir”
Return type str
property version
Return the experiment version.
Return type int
class pytorch_lightning.loggers.CometLogger(api_key=None, save_dir=None,
workspace=None, project_name=None,
rest_api_key=None, experi-
ment_name=None, experiment_key=None,
**kwargs)
Bases: pytorch_lightning.loggers.base.LightningLoggerBase
Log using Comet.ml. Install it with pip:
Comet requires either an API Key (online mode) or a local directory path (offline mode).
ONLINE MODE
Example
>>> import os
>>> from pytorch_lightning import Trainer
>>> from pytorch_lightning.loggers import CometLogger
>>> # arguments made to CometLogger are passed on to the comet_ml.Experiment class
>>> comet_logger = CometLogger(
... api_key=os.environ.get('COMET_API_KEY'),
... workspace=os.environ.get('COMET_WORKSPACE'), # Optional
... save_dir='.', # Optional
... project_name='default_project', # Optional
... rest_api_key=os.environ.get('COMET_REST_API_KEY'), # Optional
... experiment_name='default' # Optional
... )
>>> trainer = Trainer(logger=comet_logger)
OFFLINE MODE
Example
Parameters
• api_key (Optional[str]) – Required in online mode. API key, found on Comet.ml
• save_dir (Optional[str]) – Required in offline mode. The path for the directory to
save local comet logs
• workspace (Optional[str]) – Optional. Name of workspace for this user
• project_name (Optional[str]) – Optional. Send your experiment to a specific
project. Otherwise will be sent to Uncategorized Experiments. If the project name does
not already exist, Comet.ml will create a new project.
• rest_api_key (Optional[str]) – Optional. Rest API key found in Comet.ml set-
tings. This is used to determine version number
• experiment_name (Optional[str]) – Optional. String representing the name for this
particular experiment on Comet.ml.
• experiment_key (Optional[str]) – Optional. If set, restores from existing experi-
ment.
finalize(status)
When calling self.experiment.end(), that experiment won’t log any more data to Comet. That’s
why, if you need to log any more data, you need to create an ExistingCometExperiment. For example,
to log data when testing your model after training, because when training is finalized CometLogger.
finalize() is called.
This happens automatically in the experiment() property, when self._experiment is set to
None, i.e. self.reset_experiment().
Return type None
log_hyperparams(params)
Record hyperparameters.
Parameters params (Union[Dict[str, Any], Namespace]) – Namespace containing
the hyperparameters
Return type None
log_metrics(metrics, step=None)
Records metrics. This method logs metrics as as soon as it received them. If you want to aggregate metrics
for one specific step, use the agg_and_log_metrics() method.
Parameters
• metrics (Dict[str, Union[Tensor, float]]) – Dictionary with metric names as
keys and measured quantities as values
• step (Optional[int]) – Step number at which the metrics should be recorded
Return type None
reset_experiment()
property experiment
Actual Comet object. To use Comet features in your LightningModule do the following.
Example:
self.logger.experiment.some_comet_function()
property name
Return the experiment name.
Return type str
property version
Return the experiment version.
Return type str
class pytorch_lightning.loggers.MLFlowLogger(experiment_name='default', track-
ing_uri=None, tags=None,
save_dir=None)
Bases: pytorch_lightning.loggers.base.LightningLoggerBase
Log using MLflow. Install it with pip:
Example
Parameters
• experiment_name (str) – The name of the experiment
• tracking_uri (Optional[str]) – Address of local or remote tracking server. If not
provided, defaults to the service set by mlflow.tracking.set_tracking_uri.
• tags (Optional[Dict[str, Any]]) – A dictionary tags for the experiment.
finalize(status='FINISHED')
Do any processing that is necessary to finalize an experiment.
Parameters status (str) – Status that the experiment finished with (e.g. success, failed,
aborted)
Return type None
log_hyperparams(params)
Record hyperparameters.
Parameters params (Union[Dict[str, Any], Namespace]) – Namespace containing
the hyperparameters
Return type None
log_metrics(metrics, step=None)
Records metrics. This method logs metrics as as soon as it received them. If you want to aggregate metrics
for one specific step, use the agg_and_log_metrics() method.
Parameters
• metrics (Dict[str, float]) – Dictionary with metric names as keys and measured
quantities as values
• step (Optional[int]) – Step number at which the metrics should be recorded
Return type None
property experiment
Actual MLflow object. To use mlflow features in your LightningModule do the following.
Example:
self.logger.experiment.some_mlflow_function()
property name
Return the experiment name.
Return type str
property run_id
property version
Return the experiment version.
Return type str
The Neptune logger can be used in the online mode or offline (silent) mode. To log experiment data in online
mode, NeptuneLogger requires an API key. In offline mode, the logger does not connect to Neptune.
ONLINE MODE
Example
>>> # We are using an api_key for the anonymous user "neptuner" but you can use
˓→your own.
OFFLINE MODE
Example
If you want to log objects after the training is finished use close_after_fit=False:
neptune_logger = NeptuneLogger(
...
close_after_fit=False,
...
)
trainer = Trainer(logger=neptune_logger)
trainer.fit()
# Log charts
from scikitplot.metrics import plot_confusion_matrix
import matplotlib.pyplot as plt
See also:
Parameters
• api_key (Optional[str]) – Required in online mode. Neptune API token, found on
https://neptune.ai. Read how to get your API key. It is recommended to keep it in the
_create_or_get_experiment()
append_tags(tags)
Appends tags to the neptune experiment.
Parameters tags (Union[str, Iterable[str]]) – Tags to add to the current experiment.
If str is passed, a single tag is added. If multiple - comma separated - str are passed, all of
them are added as tags. If list of str is passed, all elements of the list are added as tags.
Return type None
finalize(status)
Do any processing that is necessary to finalize an experiment.
Parameters status (str) – Status that the experiment finished with (e.g. success, failed,
aborted)
Return type None
log_artifact(artifact, destination=None)
Save an artifact (file) in Neptune experiment storage.
Parameters
• artifact (str) – A path to the file in local filesystem.
• destination (Optional[str]) – Optional. Default is None. A destination path. If
None is passed, an artifact file name will be used.
Return type None
log_hyperparams(params)
Record hyperparameters.
Parameters params (Union[Dict[str, Any], Namespace]) – Namespace containing
the hyperparameters
Return type None
log_image(log_name, image, step=None)
Log image data in Neptune experiment
Parameters
• log_name (str) – The name of log, i.e. bboxes, visualisations, sample_images.
• image (Union[str, Any]) – The value of the log (data-point). Can be one of the fol-
lowing types: PIL image, matplotlib.figure.Figure, path to image file (str)
• step (Optional[int]) – Step number at which the metrics should be recorded, must
be strictly increasing
Return type None
log_metric(metric_name, metric_value, step=None)
Log metrics (numeric values) in Neptune experiments.
Parameters
• metric_name (str) – The name of log, i.e. mse, loss, accuracy.
• metric_value (Union[Tensor, float, str]) – The value of the log (data-point).
• step (Optional[int]) – Step number at which the metrics should be recorded, must
be strictly increasing
Return type None
log_metrics(metrics, step=None)
Log metrics (numeric values) in Neptune experiments.
Parameters
• metrics (Dict[str, Union[Tensor, float]]) – Dictionary with metric names as
keys and measured quantities as values
• step (Optional[int]) – Step number at which the metrics should be recorded, must
be strictly increasing
Return type None
log_text(log_name, text, step=None)
Log text data in Neptune experiments.
Parameters
self.logger.experiment.some_neptune_function()
property name
Return the experiment name.
Return type str
property version
Return the experiment version.
Return type str
class pytorch_lightning.loggers.TestTubeLogger(save_dir, name='default', descrip-
tion=None, debug=False, ver-
sion=None, create_git_tag=False)
Bases: pytorch_lightning.loggers.base.LightningLoggerBase
Log to local file system in TensorBoard format but using a nicer folder structure (see full docs). Install it with
pip:
Example
Parameters
• save_dir (str) – Save directory
• name (str) – Experiment name. Defaults to 'default'.
• description (Optional[str]) – A short snippet about this experiment
• debug (bool) – If True, it doesn’t log anything.
• version (Optional[int]) – Experiment version. If version is not specified the logger
inspects the save directory for existing versions, then automatically assigns the next avail-
able version.
• create_git_tag (bool) – If True creates a git tag to save the code used in this exper-
iment.
close()
Do any cleanup that is necessary to close an experiment.
Return type None
finalize(status)
Do any processing that is necessary to finalize an experiment.
Parameters status (str) – Status that the experiment finished with (e.g. success, failed,
aborted)
Return type None
log_hyperparams(params)
Record hyperparameters.
Parameters params (Union[Dict[str, Any], Namespace]) – Namespace containing
the hyperparameters
Return type None
log_metrics(metrics, step=None)
Records metrics. This method logs metrics as as soon as it received them. If you want to aggregate metrics
for one specific step, use the agg_and_log_metrics() method.
Parameters
• metrics (Dict[str, float]) – Dictionary with metric names as keys and measured
quantities as values
• step (Optional[int]) – Step number at which the metrics should be recorded
Return type None
save()
Save log data.
self.logger.experiment.some_test_tube_function()
property name
Return the experiment name.
Return type str
property version
Return the experiment version.
Return type int
class pytorch_lightning.loggers.WandbLogger(name=None, save_dir=None, offline=False,
id=None, anonymous=False, ver-
sion=None, project=None, tags=None,
log_model=False, experiment=None, en-
tity=None, group=None)
Bases: pytorch_lightning.loggers.base.LightningLoggerBase
Log using Weights and Biases. Install it with pip:
Parameters
• name (Optional[str]) – Display name for the run.
• save_dir (Optional[str]) – Path where data is saved.
• offline (bool) – Run offline (data can be streamed later to wandb servers).
• id (Optional[str]) – Sets the version, mainly used to resume a previous run.
• anonymous (bool) – Enables or explicitly disables anonymous logging.
• version (Optional[str]) – Sets the version, mainly used to resume a previous run.
• project (Optional[str]) – The name of the project to which this run will belong.
• tags (Optional[List[str]]) – Tags associated with this run.
• log_model (bool) – Save checkpoints in wandb dir to upload on W&B servers.
• experiment – WandB experiment object
• entity – The team posting this run (default: your username or your default team)
• group (Optional[str]) – A unique string shared by all runs in a given group
Example
See also:
log_hyperparams(params)
Record hyperparameters.
Parameters params (Union[Dict[str, Any], Namespace]) – Namespace containing
the hyperparameters
Return type None
log_metrics(metrics, step=None)
Records metrics. This method logs metrics as as soon as it received them. If you want to aggregate metrics
for one specific step, use the agg_and_log_metrics() method.
Parameters
• metrics (Dict[str, float]) – Dictionary with metric names as keys and measured
quantities as values
• step (Optional[int]) – Step number at which the metrics should be recorded
Return type None
watch(model, log='gradients', log_freq=100)
property experiment
Actual wandb object. To use wandb features in your LightningModule do the following.
Example:
self.logger.experiment.some_wandb_function()
property name
Return the experiment name.
Return type Optional[str]
property version
Return the experiment version.
Return type Optional[str]
36.3.1 Submodules
pytorch_lightning.loggers.base module
class pytorch_lightning.loggers.base.DummyExperiment
Bases: object
Dummy experiment
nop(**kw)
class pytorch_lightning.loggers.base.DummyLogger
Bases: pytorch_lightning.loggers.base.LightningLoggerBase
Dummy logger for internal use. Is usefull if we want to disable users logger for a feature, but still secure that
users code can run
log_hyperparams(params)
Record hyperparameters.
Parameters params – Namespace containing the hyperparameters
log_metrics(metrics, step)
Records metrics. This method logs metrics as as soon as it received them. If you want to aggregate metrics
for one specific step, use the agg_and_log_metrics() method.
Parameters
• metrics – Dictionary with metric names as keys and measured quantities as values
• step – Step number at which the metrics should be recorded
property experiment
Return the experiment object associated with this logger.
property name
Return the experiment name.
property version
Return the experiment version.
class pytorch_lightning.loggers.base.LightningLoggerBase(agg_key_funcs=None,
agg_default_func=numpy.mean)
Bases: abc.ABC
Base class for experiment loggers.
Parameters
• agg_key_funcs (Optional[Mapping[str, Callable[[Sequence[float]],
float]]]) – Dictionary which maps a metric name to a function, which will aggregate the
metric values for the same steps.
• agg_default_func (Callable[[Sequence[float]], float]) – Default function
to aggregate metric values. If some metric name is not presented in the agg_key_funcs
dictionary, then the agg_default_func will be used for aggregation.
Note: The agg_key_funcs and agg_default_func arguments are used only when one logs metrics with the
agg_and_log_metrics() method.
_aggregate_metrics(metrics, step=None)
Aggregates metrics.
Parameters
• metrics (Dict[str, float]) – Dictionary with metric names as keys and measured
quantities as values
• step (Optional[int]) – Step number at which the metrics should be recorded
Return type Tuple[int, Optional[Dict[str, float]]]
Returns Step and aggregated metrics. The return value could be None. In such case, metrics
are added to the aggregation list, but not aggregated yet.
static _convert_params(params)
Return type Dict[str, Any]
_finalize_agg_metrics()
This shall be called before save/close.
static _flatten_dict(params, delimiter='/')
Flatten hierarchical dict, e.g. {'a': {'b': 'c'}} -> {'a/b': 'c'}.
Parameters
• params (Dict[str, Any]) – Dictionary containing the hyperparameters
• delimiter (str) – Delimiter to express the hierarchy. Defaults to '/'.
Return type Dict[str, Any]
Returns Flattened dict.
Examples
_reduce_agg_metrics()
Aggregate accumulated metrics.
static _sanitize_params(params)
Returns params with non-primitvies converted to strings for logging.
agg_and_log_metrics(metrics, step=None)
Aggregates and records metrics. This method doesn’t log the passed metrics instantaneously, but instead
it aggregates them and logs only if metrics are ready to be logged.
Parameters
• metrics (Dict[str, float]) – Dictionary with metric names as keys and measured
quantities as values
• step (Optional[int]) – Step number at which the metrics should be recorded
close()
Do any cleanup that is necessary to close an experiment.
Return type None
finalize(status)
Do any processing that is necessary to finalize an experiment.
Parameters status (str) – Status that the experiment finished with (e.g. success, failed,
aborted)
Return type None
abstract log_hyperparams(params)
Record hyperparameters.
Parameters params (Namespace) – Namespace containing the hyperparameters
abstract log_metrics(metrics, step=None)
Records metrics. This method logs metrics as as soon as it received them. If you want to aggregate metrics
for one specific step, use the agg_and_log_metrics() method.
Parameters
• metrics (Dict[str, float]) – Dictionary with metric names as keys and measured
quantities as values
• step (Optional[int]) – Step number at which the metrics should be recorded
save()
Save log data.
Return type None
update_agg_funcs(agg_key_funcs=None, agg_default_func=numpy.mean)
Update aggregation methods.
Parameters
• agg_key_funcs (Optional[Mapping[str, Callable[[Sequence[float]],
float]]]) – Dictionary which maps a metric name to a function, which will aggregate
the metric values for the same steps.
• agg_default_func (Callable[[Sequence[float]], float]) – Default func-
tion to aggregate metric values. If some metric name is not presented in the agg_key_funcs
dictionary, then the agg_default_func will be used for aggregation.
abstract property experiment
Return the experiment object associated with this logger.
Return type Any
property version
Return the experiment version.
Return type str
pytorch_lightning.loggers.base.merge_dicts(dicts, agg_key_funcs=None, de-
fault_func=numpy.mean)
Merge a sequence with dictionaries into one dictionary by aggregating the same keys with some given function.
Parameters
• dicts (Sequence[Mapping]) – Sequence of dictionaries to be merged.
• agg_key_funcs (Optional[Mapping[str, Callable[[Sequence[float]],
float]]]) – Mapping from key name to function. This function will aggregate a list
of values, obtained from the same key of all dictionaries. If some key has no specified
aggregation function, the default one will be used. Default is: None (all keys will be
aggregated by the default function).
• default_func (Callable[[Sequence[float]], float]) – Default function to ag-
gregate keys, which are not presented in the agg_key_funcs map.
Return type Dict
Returns Dictionary with merged values.
Examples
pytorch_lightning.loggers.base.rank_zero_experiment(fn)
Returns the real experiment on rank 0 and otherwise the DummyExperiment.
Return type Callable
pytorch_lightning.loggers.comet module
Comet
Comet requires either an API Key (online mode) or a local directory path (offline mode).
ONLINE MODE
Example
>>> import os
>>> from pytorch_lightning import Trainer
>>> from pytorch_lightning.loggers import CometLogger
>>> # arguments made to CometLogger are passed on to the comet_ml.Experiment class
>>> comet_logger = CometLogger(
... api_key=os.environ.get('COMET_API_KEY'),
... workspace=os.environ.get('COMET_WORKSPACE'), # Optional
... save_dir='.', # Optional
... project_name='default_project', # Optional
... rest_api_key=os.environ.get('COMET_REST_API_KEY'), # Optional
... experiment_name='default' # Optional
... )
>>> trainer = Trainer(logger=comet_logger)
OFFLINE MODE
Example
Parameters
• api_key (Optional[str]) – Required in online mode. API key, found on Comet.ml
• save_dir (Optional[str]) – Required in offline mode. The path for the directory to
save local comet logs
• workspace (Optional[str]) – Optional. Name of workspace for this user
• project_name (Optional[str]) – Optional. Send your experiment to a specific
project. Otherwise will be sent to Uncategorized Experiments. If the project name does
not already exist, Comet.ml will create a new project.
• rest_api_key (Optional[str]) – Optional. Rest API key found in Comet.ml set-
tings. This is used to determine version number
• experiment_name (Optional[str]) – Optional. String representing the name for this
particular experiment on Comet.ml.
finalize(status)
When calling self.experiment.end(), that experiment won’t log any more data to Comet. That’s
why, if you need to log any more data, you need to create an ExistingCometExperiment. For example,
to log data when testing your model after training, because when training is finalized CometLogger.
finalize() is called.
This happens automatically in the experiment() property, when self._experiment is set to
None, i.e. self.reset_experiment().
Return type None
log_hyperparams(params)
Record hyperparameters.
Parameters params (Union[Dict[str, Any], Namespace]) – Namespace containing
the hyperparameters
Return type None
log_metrics(metrics, step=None)
Records metrics. This method logs metrics as as soon as it received them. If you want to aggregate metrics
for one specific step, use the agg_and_log_metrics() method.
Parameters
• metrics (Dict[str, Union[Tensor, float]]) – Dictionary with metric names as
keys and measured quantities as values
• step (Optional[int]) – Step number at which the metrics should be recorded
Return type None
reset_experiment()
property experiment
Actual Comet object. To use Comet features in your LightningModule do the following.
Example:
self.logger.experiment.some_comet_function()
property name
Return the experiment name.
Return type str
property version
Return the experiment version.
Return type str
pytorch_lightning.loggers.mlflow module
MLflow
class pytorch_lightning.loggers.mlflow.MLFlowLogger(experiment_name='default',
tracking_uri=None, tags=None,
save_dir=None)
Bases: pytorch_lightning.loggers.base.LightningLoggerBase
Log using MLflow. Install it with pip:
Example
Parameters
• experiment_name (str) – The name of the experiment
• tracking_uri (Optional[str]) – Address of local or remote tracking server. If not
provided, defaults to the service set by mlflow.tracking.set_tracking_uri.
• tags (Optional[Dict[str, Any]]) – A dictionary tags for the experiment.
finalize(status='FINISHED')
Do any processing that is necessary to finalize an experiment.
Parameters status (str) – Status that the experiment finished with (e.g. success, failed,
aborted)
Return type None
log_hyperparams(params)
Record hyperparameters.
Parameters params (Union[Dict[str, Any], Namespace]) – Namespace containing
the hyperparameters
Return type None
log_metrics(metrics, step=None)
Records metrics. This method logs metrics as as soon as it received them. If you want to aggregate metrics
for one specific step, use the agg_and_log_metrics() method.
Parameters
• metrics (Dict[str, float]) – Dictionary with metric names as keys and measured
quantities as values
• step (Optional[int]) – Step number at which the metrics should be recorded
Return type None
property experiment
Actual MLflow object. To use mlflow features in your LightningModule do the following.
Example:
self.logger.experiment.some_mlflow_function()
property name
Return the experiment name.
Return type str
property run_id
property version
Return the experiment version.
Return type str
pytorch_lightning.loggers.neptune module
Neptune
class pytorch_lightning.loggers.neptune.NeptuneLogger(api_key=None,
project_name=None,
close_after_fit=True, of-
fline_mode=False, exper-
iment_name=None, up-
load_source_files=None,
params=None, proper-
ties=None, tags=None,
**kwargs)
Bases: pytorch_lightning.loggers.base.LightningLoggerBase
Log using Neptune. Install it with pip:
The Neptune logger can be used in the online mode or offline (silent) mode. To log experiment data in online
mode, NeptuneLogger requires an API key. In offline mode, the logger does not connect to Neptune.
ONLINE MODE
Example
>>> # We are using an api_key for the anonymous user "neptuner" but you can use
˓→your own.
OFFLINE MODE
Example
If you want to log objects after the training is finished use close_after_fit=False:
neptune_logger = NeptuneLogger(
...
(continues on next page)
# Log charts
from scikitplot.metrics import plot_confusion_matrix
import matplotlib.pyplot as plt
See also:
Parameters
• api_key (Optional[str]) – Required in online mode. Neptune API token, found on
https://neptune.ai. Read how to get your API key. It is recommended to keep it in the
NEPTUNE_API_TOKEN environment variable and then you can leave api_key=None.
• project_name (Optional[str]) – Required in online mode. Qualified name of a
project in a form of “namespace/project_name” for example “tom/minst-classification”. If
None, the value of NEPTUNE_PROJECT environment variable will be taken. You need to
create the project in https://neptune.ai first.
• offline_mode (bool) – Optional default False. If True no logs will be sent to Nep-
tune. Usually used for debug purposes.
• close_after_fit (Optional[bool]) – Optional default True. If False the
experiment will not be closed after training and additional metrics, images or arti-
facts can be logged. Also, remember to close the experiment explicitly by running
neptune_logger.experiment.stop().
• experiment_name (Optional[str]) – Optional. Editable name of the experiment.
Name is displayed in the experiment’s Details (Metadata section) and in experiments view
as a column.
_create_or_get_experiment()
append_tags(tags)
Appends tags to the neptune experiment.
Parameters tags (Union[str, Iterable[str]]) – Tags to add to the current experiment.
If str is passed, a single tag is added. If multiple - comma separated - str are passed, all of
them are added as tags. If list of str is passed, all elements of the list are added as tags.
Return type None
finalize(status)
Do any processing that is necessary to finalize an experiment.
Parameters status (str) – Status that the experiment finished with (e.g. success, failed,
aborted)
Return type None
log_artifact(artifact, destination=None)
Save an artifact (file) in Neptune experiment storage.
Parameters
• artifact (str) – A path to the file in local filesystem.
• destination (Optional[str]) – Optional. Default is None. A destination path. If
None is passed, an artifact file name will be used.
Return type None
log_hyperparams(params)
Record hyperparameters.
Parameters params (Union[Dict[str, Any], Namespace]) – Namespace containing
the hyperparameters
Return type None
property experiment
Actual Neptune object. To use neptune features in your LightningModule do the following.
Example:
self.logger.experiment.some_neptune_function()
property name
Return the experiment name.
Return type str
property version
Return the experiment version.
Return type str
pytorch_lightning.loggers.tensorboard module
TensorBoard
class pytorch_lightning.loggers.tensorboard.TensorBoardLogger(save_dir,
name='default',
version=None,
**kwargs)
Bases: pytorch_lightning.loggers.base.LightningLoggerBase
Log to local file system in TensorBoard format. Implemented using SummaryWriter. Logs are saved to
os.path.join(save_dir, name, version). This is the default logger in Lightning, it comes prein-
stalled.
Example
Parameters
• save_dir (str) – Save directory
• name (Optional[str]) – Experiment name. Defaults to 'default'. If it is the empty
string then no per-experiment subdirectory is used.
• version (Union[int, str, None]) – Experiment version. If version is not specified
the logger inspects the save directory for existing versions, then automatically assigns the
next available version. If it is a string then it is used as the run-specific subdirectory name,
otherwise 'version_${version}' is used.
• **kwargs – Other arguments are passed directly to the SummaryWriter constructor.
_get_next_version()
finalize(status)
Do any processing that is necessary to finalize an experiment.
Parameters status (str) – Status that the experiment finished with (e.g. success, failed,
aborted)
Return type None
log_hyperparams(params, metrics=None)
Record hyperparameters.
Parameters params (Union[Dict[str, Any], Namespace]) – Namespace containing
the hyperparameters
Return type None
log_metrics(metrics, step=None)
Records metrics. This method logs metrics as as soon as it received them. If you want to aggregate metrics
for one specific step, use the agg_and_log_metrics() method.
Parameters
• metrics (Dict[str, float]) – Dictionary with metric names as keys and measured
quantities as values
• step (Optional[int]) – Step number at which the metrics should be recorded
Return type None
save()
Save log data.
Return type None
NAME_HPARAMS_FILE = 'hparams.yaml'
property experiment
Actual tensorboard object. To use TensorBoard features in your LightningModule do the following.
Example:
self.logger.experiment.some_tensorboard_function()
property log_dir
The directory for this run’s tensorboard checkpoint. By default, it is named 'version_${self.
version}' but it can be overridden by passing a string value for the constructor’s version parameter
instead of None or an int.
Return type str
property name
Return the experiment name.
Return type str
property root_dir
Parent directory for all tensorboard checkpoint subdirectories. If the experiment name parameter is
None or the empty string, no experiment subdirectory is used and the checkpoint will be saved in
“save_dir/version_dir”
Return type str
property version
Return the experiment version.
Return type int
pytorch_lightning.loggers.test_tube module
Test Tube
Example
Parameters
• save_dir (str) – Save directory
• name (str) – Experiment name. Defaults to 'default'.
• description (Optional[str]) – A short snippet about this experiment
• debug (bool) – If True, it doesn’t log anything.
• version (Optional[int]) – Experiment version. If version is not specified the logger
inspects the save directory for existing versions, then automatically assigns the next avail-
able version.
• create_git_tag (bool) – If True creates a git tag to save the code used in this exper-
iment.
close()
Do any cleanup that is necessary to close an experiment.
Return type None
finalize(status)
Do any processing that is necessary to finalize an experiment.
Parameters status (str) – Status that the experiment finished with (e.g. success, failed,
aborted)
Return type None
log_hyperparams(params)
Record hyperparameters.
Parameters params (Union[Dict[str, Any], Namespace]) – Namespace containing
the hyperparameters
Return type None
log_metrics(metrics, step=None)
Records metrics. This method logs metrics as as soon as it received them. If you want to aggregate metrics
for one specific step, use the agg_and_log_metrics() method.
Parameters
• metrics (Dict[str, float]) – Dictionary with metric names as keys and measured
quantities as values
• step (Optional[int]) – Step number at which the metrics should be recorded
Return type None
save()
Save log data.
Return type None
property experiment
Actual TestTube object. To use TestTube features in your LightningModule do the following.
Example:
self.logger.experiment.some_test_tube_function()
property name
Return the experiment name.
Return type str
property version
Return the experiment version.
Return type int
pytorch_lightning.loggers.wandb module
Parameters
• name (Optional[str]) – Display name for the run.
• save_dir (Optional[str]) – Path where data is saved.
• offline (bool) – Run offline (data can be streamed later to wandb servers).
• id (Optional[str]) – Sets the version, mainly used to resume a previous run.
• anonymous (bool) – Enables or explicitly disables anonymous logging.
• version (Optional[str]) – Sets the version, mainly used to resume a previous run.
• project (Optional[str]) – The name of the project to which this run will belong.
• tags (Optional[List[str]]) – Tags associated with this run.
• log_model (bool) – Save checkpoints in wandb dir to upload on W&B servers.
• experiment – WandB experiment object
• entity – The team posting this run (default: your username or your default team)
• group (Optional[str]) – A unique string shared by all runs in a given group
Example
See also:
log_hyperparams(params)
Record hyperparameters.
Parameters params (Union[Dict[str, Any], Namespace]) – Namespace containing
the hyperparameters
self.logger.experiment.some_wandb_function()
property name
Return the experiment name.
Return type Optional[str]
property version
Return the experiment version.
Return type Optional[str]
class pytorch_lightning.metrics.MSE(reduction='elementwise_mean')
Bases: pytorch_lightning.metrics.metric.Metric
Computes the mean squared loss.
Parameters reduction (str) – a method for reducing mse over labels (default: takes the mean)
Available reduction methods: - elementwise_mean: takes the mean - none: pass array - sum:
add elements
Example
forward(pred, target)
Actual metric computation
Parameters
• pred (Tensor) – predicted labels
• target (Tensor) – ground truth labels
Return type Tensor
Returns A Tensor with the mse loss.
_device = None
_dtype = None
class pytorch_lightning.metrics.RMSE(reduction='elementwise_mean')
Bases: pytorch_lightning.metrics.metric.Metric
Computes the root mean squared loss.
Parameters reduction (str) – a method for reducing mse over labels (default: takes the mean)
Available reduction methods: - elementwise_mean: takes the mean - none: pass array - sum:
add elements
Example
forward(pred, target)
Actual metric computation
Parameters
• pred (Tensor) – predicted labels
• target (Tensor) – ground truth labels
Return type Tensor
Returns A Tensor with the rmse loss.
_device = None
_dtype = None
class pytorch_lightning.metrics.MAE(reduction='elementwise_mean')
Bases: pytorch_lightning.metrics.metric.Metric
Computes the root mean absolute loss or L1-loss.
Parameters reduction (str) – a method for reducing mse over labels (default: takes the mean)
Available reduction methods: - elementwise_mean: takes the mean - none: pass array - sum:
add elements
Example
forward(pred, target)
Actual metric computation
Parameters
• pred (Tensor) – predicted labels
• target (Tensor) – ground truth labels
Return type Tensor
Returns A Tensor with the mae loss.
_device = None
_dtype = None
class pytorch_lightning.metrics.RMSLE(reduction='elementwise_mean')
Bases: pytorch_lightning.metrics.metric.Metric
Computes the root mean squared log loss.
Parameters reduction (str) – a method for reducing mse over labels (default: takes the mean)
Available reduction methods: - elementwise_mean: takes the mean - none: pass array - sum:
add elements
Example
forward(pred, target)
Actual metric computation
Parameters
• pred (Tensor) – predicted labels
• target (Tensor) – ground truth labels
Return type Tensor
Returns A Tensor with the rmsle loss.
_device = None
_dtype = None
class pytorch_lightning.metrics.AUC(reduce_group=torch.distributed.group.WORLD, re-
duce_op=torch.distributed.ReduceOp.SUM)
Bases: pytorch_lightning.metrics.sklearns.SklearnMetric
Calculates the Area Under the Curve using the trapoezoidal rule
Warning: Every metric call will cause a GPU synchronization, which may slow down your code
Example
Parameters
• reduce_group (Any) – the process group for DDP reduces (only needed for DDP train-
ing). Defaults to all processes (world)
• reduce_op (Any) – the operation to perform during reduction within DDP (only needed
for DDP training). Defaults to sum.
forward(x, y)
Computes the AUC
Parameters
• x (ndarray) – x coordinates.
• y (ndarray) – y coordinates.
Return type float
Returns AUC calculated with trapezoidal rule
_device = None
_dtype = None
class pytorch_lightning.metrics.AUROC(pos_label=1, reduce_group=None, re-
duce_op=None)
Bases: pytorch_lightning.metrics.metric.TensorMetric
Computes the area under curve (AUC) of the receiver operator characteristic (ROC)
Example
Parameters
• pos_label (int) – positive label indicator
• reduce_group (Optional[Any]) – the process group to reduce metric results from
DDP
Example
Parameters
• num_classes (Optional[int]) – number of classes
• reduction (str) – a method for reducing accuracies over labels (default: takes the mean)
Available reduction methods: - elementwise_mean: takes the mean - none: pass array - sum:
add elements
• reduce_group (Optional[Any]) – the process group to reduce metric results from
DDP
• reduce_op (Optional[Any]) – the operation to perform for ddp reduction
forward(pred, target)
Actual metric computation
Parameters
• pred (Tensor) – predicted labels
• target (Tensor) – ground truth labels
Return type Tensor
Returns A Tensor with the classification score.
_device = None
_dtype = None
class pytorch_lightning.metrics.AveragePrecision(pos_label=1, reduce_group=None,
reduce_op=None)
Bases: pytorch_lightning.metrics.metric.TensorMetric
Computes the average precision score
Example
Parameters
• pos_label (int) – positive label indicator
• reduce_group (Optional[Any]) – the process group to reduce metric results from
DDP
• reduce_op (Optional[Any]) – the operation to perform for ddp reduction
Example
Parameters
• normalize (bool) – whether to compute a normalized confusion matrix
• reduce_group (Optional[Any]) – the process group to reduce metric results from
DDP
• reduce_op (Optional[Any]) – the operation to perform for ddp reduction
forward(pred, target)
Actual metric computation
Parameters
• pred (Tensor) – predicted labels
• target (Tensor) – ground truth labels
Return type Tensor
Returns A Tensor with the confusion matrix.
_device = None
_dtype = None
class pytorch_lightning.metrics.DiceCoefficient(include_background=False,
nan_score=0.0, no_fg_score=0.0,
reduction='elementwise_mean', re-
duce_group=None, reduce_op=None)
Bases: pytorch_lightning.metrics.metric.TensorMetric
Computes the dice coefficient
Example
Parameters
• include_background (bool) – whether to also compute dice for the background
• nan_score (float) – score to return, if a NaN occurs during computation (denom zero)
forward(pred, target)
Actual metric computation
Parameters
• pred (Tensor) – predicted probability for each label
• target (Tensor) – groundtruth labels
Returns the calculated dice coefficient
Return type torch.Tensor
_device = None
_dtype = None
class pytorch_lightning.metrics.F1(num_classes=None, reduction='elementwise_mean', re-
duce_group=None, reduce_op=None)
Bases: pytorch_lightning.metrics.metric.TensorMetric
Computes the F1 score, which is the harmonic mean of the precision and recall. It ranges between 1 and 0,
where 1 is perfect and the worst value is 0.
Example
Parameters
• num_classes (Optional[int]) – number of classes
• reduction (str) – a method for reducing accuracies over labels (default: takes the mean)
Available reduction methods: - elementwise_mean: takes the mean - none: pass array - sum:
add elements
• reduce_group (Optional[Any]) – the process group to reduce metric results from
DDP
• reduce_op (Optional[Any]) – the operation to perform for ddp reduction
forward(pred, target)
Actual metric computation
Parameters
• pred (Tensor) – predicted labels
Example
Parameters
• beta (float) – determines the weight of recall in the combined score.
• num_classes (Optional[int]) – number of classes
• reduction (str) – a method for reducing accuracies over labels (default: takes the mean)
Available reduction methods: - elementwise_mean: takes the mean - none: pass array - sum:
add elements
• reduce_group (Optional[Any]) – the process group to reduce metric results from
DDP
• reduce_op (Optional[Any]) – the operation to perform for DDP reduction
forward(pred, target)
Actual metric computation
Parameters
• pred (Tensor) – predicted labels
• target (Tensor) – groundtruth labels
Returns classification score
Return type torch.Tensor
_device = None
_dtype = None
class pytorch_lightning.metrics.MulticlassPrecisionRecall(num_classes=None, re-
duce_group=None, re-
duce_op=None)
Bases: pytorch_lightning.metrics.metric.TensorCollectionMetric
Example
Parameters
• num_classes (Optional[int]) – number of classes
• reduction – a method for reducing accuracies over labels (default: takes the mean) Avail-
able reduction methods: - elementwise_mean: takes the mean - none: pass array - sum: add
elements
• reduce_group (Optional[Any]) – the process group to reduce metric results from
DDP
• reduce_op (Optional[Any]) – the operation to perform for ddp reduction
Example
Parameters
• num_classes (Optional[int]) – number of classes
• reduction – a method for reducing accuracies over labels (default: takes the mean) Avail-
able reduction methods: - elementwise_mean: takes the mean - none: pass array - sum: add
elements
• reduce_group (Optional[Any]) – the process group to reduce metric results from
DDP
• reduce_op (Optional[Any]) – the operation to perform for ddp reduction
Example
Parameters
• num_classes (Optional[int]) – number of classes
• reduction (str) – a method for reducing accuracies over labels (default: takes the mean)
Available reduction methods: - elementwise_mean: takes the mean - none: pass array - sum:
add elements
• reduce_group (Optional[Any]) – the process group to reduce metric results from
DDP
• reduce_op (Optional[Any]) – the operation to perform for ddp reduction
forward(pred, target)
Actual metric computation
Parameters
• pred (Tensor) – predicted labels
• target (Tensor) – ground truth labels
Return type Tensor
Returns A Tensor with the classification score.
_device = None
_dtype = None
class pytorch_lightning.metrics.PrecisionRecall(pos_label=1, reduce_group=None, re-
duce_op=None)
Bases: pytorch_lightning.metrics.metric.TensorCollectionMetric
Computes the precision recall curve
Example
Parameters
• pos_label (int) – positive label indicator
The precision is the ratio tp / (tp + fp) where tp is the number of true positives and fp the number
of false positives. The precision is intuitively the ability of the classifier not to label as positive a sample that
is negative. The recall is the ratio tp / (tp + fn) where tp is the number of true positives and fn the
number of false negatives. The recall is intuitively the ability of the classifier to find all the positive samples.
The last precision and recall values are 1. and 0. respectively and do not have a corresponding threshold. This
ensures that the graph starts on the x axis.
Parameters
• pos_label (Union[str, int]) – The class to report if average='binary'.
• reduce_group (Any) – the process group for DDP reduces (only needed for DDP train-
ing). Defaults to all processes (world)
• reduce_op (Any) – the operation to perform during reduction within DDP (only needed
for DDP training). Defaults to sum.
forward(probas_pred, y_true, sample_weight=None)
Parameters
• probas_pred (ndarray) – Estimated probabilities or decision function.
• y_true (ndarray) – Ground truth (correct) target values.
Example
Parameters
• pos_label (int) – positive label indicator
• reduce_group (Optional[Any]) – the process group to reduce metric results from
DDP
• reduce_op (Optional[Any]) – the operation to perform for ddp reduction
Example
Parameters
• num_classes (Optional[int]) – number of classes
• reduction (str) – a method for reducing accuracies over labels (default: takes the mean)
Available reduction methods: - elementwise_mean: takes the mean - none: pass array - sum:
add elements
• reduce_group (Optional[Any]) – the process group to reduce metric results from
DDP
• reduce_op (Optional[Any]) – the operation to perform for ddp reduction
forward(pred, target)
Actual metric computation
Parameters
• pred (Tensor) – predicted labels
• target (Tensor) – ground truth labels
Return type Tensor
Returns A Tensor with the classification score.
_device = None
_dtype = None
class pytorch_lightning.metrics.IoU(remove_bg=False, reduction='elementwise_mean')
Bases: pytorch_lightning.metrics.metric.TensorMetric
Computes the intersection over union.
Example
Parameters
• remove_bg (bool) – Flag to state whether a background class has been included within
input parameters. If true, will remove background class. If false, return IoU over all classes.
Assumes that background is ‘0’ class in input tensor
• reduction (str) – a method for reducing IoU over labels (default: takes the mean)
Available reduction methods:
– elementwise_mean: takes the mean
– none: pass array
– sum: add elements
Warning: Every metric call will cause a GPU synchronization, which may slow down your code
Note: The order of targets and predictions may be different from the order typically used in PyTorch
Parameters
• metric_name (str) – the metric name to import and compute from scikit-learn.metrics
• reduce_group (Any) – the process group for DDP reduces (only needed for DDP train-
ing). Defaults to all processes (world)
• reduce_op (Any) – the operation to perform during reduction within DDP (only needed
for DDP training). Defaults to sum.
• **kwargs – additonal keyword arguments (will be forwarded to metric call)
forward(*args, **kwargs)
Carries the actual metric computation
Parameters
• *args – Positional arguments forwarded to metric call (should be already converted to
numpy)
• **kwargs – keyword arguments forwarded to metric call (should be already converted
to numpy)
Return type Union[ndarray, int, float]
Returns the metric value (will be converted to tensor by baseclass)
_device = None
_dtype = None
property metric_fn
36.4.1 Subpackages
pytorch_lightning.metrics.functional package
Submodules
pytorch_lightning.metrics.functional.classification module
pytorch_lightning.metrics.functional.classification._binary_clf_curve(pred,
tar-
get,
sam-
ple_weight=None,
pos_label=1.0)
adapted from https://github.com/scikit-learn/scikit-learn/blob/master/sklearn/metrics/_ranking.py
Return type Tuple[Tensor, Tensor, Tensor]
pytorch_lightning.metrics.functional.classification.accuracy(pred, target,
num_classes=None,
reduc-
tion='elementwise_mean')
Computes the accuracy classification score
Parameters
• pred (Tensor) – predicted labels
• target (Tensor) – ground truth labels
• num_classes (Optional[int]) – number of classes
• reduction – a method for reducing accuracies over labels (default: takes the mean) Avail-
able reduction methods:
– elementwise_mean: takes the mean
– none: pass array
– sum: add elements
Example
pytorch_lightning.metrics.functional.classification.auc(x, y, reorder=True)
Computes Area Under the Curve (AUC) using the trapezoidal rule
Parameters
• x (Tensor) – x-coordinates
• y (Tensor) – y-coordinates
• reorder (bool) – reorder coordinates, so they are increasing.
Return type Tensor
Returns Tensor containing AUC score (float)
Example
pytorch_lightning.metrics.functional.classification.auc_decorator(reorder=True)
Return type Callable
pytorch_lightning.metrics.functional.classification.auroc(pred, target, sam-
ple_weight=None,
pos_label=1.0)
Compute Area Under the Receiver Operating Characteristic Curve (ROC AUC) from prediction scores
Parameters
• pred (Tensor) – estimated probabilities
• target (Tensor) – ground-truth labels
• sample_weight (Optional[Sequence]) – sample weights
• pos_label (int) – the label for the positive class (default: 1.)
Example
pytorch_lightning.metrics.functional.classification.average_precision(pred,
tar-
get,
sam-
ple_weight=None,
pos_label=1.0)
Parameters
• pred (Tensor) – estimated probabilities
• target (Tensor) – ground-truth labels
• sample_weight (Optional[Sequence]) – sample weights
• pos_label (int) – the label for the positive class (default: 1.)
Example
pytorch_lightning.metrics.functional.classification.confusion_matrix(pred,
target,
nor-
mal-
ize=False)
Computes the confusion matrix C where each entry C_{i,j} is the number of observations in group i that were
predicted in group j.
Parameters
• pred (Tensor) – estimated targets
• target (Tensor) – ground truth labels
• normalize (bool) – normalizes confusion matrix
Return type Tensor
Returns Tensor, confusion matrix C [num_classes, num_classes ]
Example
pytorch_lightning.metrics.functional.classification.dice_score(pred, target,
bg=False,
nan_score=0.0,
no_fg_score=0.0,
reduc-
tion='elementwise_mean')
Parameters
• pred (Tensor) – estimated probabilities
• target (Tensor) – ground-truth labels
• bg (bool) – whether to also compute dice for the background
• nan_score (float) – score to return, if a NaN occurs during computation (denom zero)
• no_fg_score (float) – score to return, if no foreground pixel was found in target
• reduction (str) – a method for reducing accuracies over labels (default: takes the mean)
Available reduction methods:
– elementwise_mean: takes the mean
– none: pass array
– sum: add elements
Example
pytorch_lightning.metrics.functional.classification.f1_score(pred, target,
num_classes=None,
reduc-
tion='elementwise_mean')
Computes the F1-score (a.k.a F-measure), which is the harmonic mean of the precision and recall. It ranges
between 1 and 0, where 1 is perfect and the worst value is 0.
Parameters
• pred (Tensor) – estimated probabilities
Example
pytorch_lightning.metrics.functional.classification.fbeta_score(pred, tar-
get, beta,
num_classes=None,
reduc-
tion='elementwise_mean')
Computes the F-beta score which is a weighted harmonic mean of precision and recall. It ranges between 1 and
0, where 1 is perfect and the worst value is 0.
Parameters
• pred (Tensor) – estimated probabilities
• target (Tensor) – ground-truth labels
• beta (float) – weights recall when combining the score. beta < 1: more weight to
precision. beta > 1 more weight to recall beta = 0: only precision beta -> inf: only recall
• num_classes (Optional[int]) – number of classes
• reduction (str) – method for reducing F-score (default: takes the mean) Available
reduction methods:
– elementwise_mean: takes the mean
– none: pass array
– sum: add elements.
Return type Tensor
Returns Tensor with the value of F-score. It is a value between 0-1.
Example
pytorch_lightning.metrics.functional.classification.get_num_classes(pred,
target,
num_classes)
Returns the number of classes for a given prediction and target tensor.
Args: pred: predicted values target: true labels num_classes: number of classes if known (default:
None)
Return: An integer that represents the number of classes.
pytorch_lightning.metrics.functional.classification.iou(pred, target,
num_classes=None,
remove_bg=False, reduc-
tion='elementwise_mean')
Intersection over union, or Jaccard index calculation.
Parameters
• pred (Tensor) – Tensor containing predictions
• target (Tensor) – Tensor containing targets
• num_classes (Optional[int]) – Optionally specify the number of classes
• remove_bg (bool) – Flag to state whether a background class has been included within
input parameters. If true, will remove background class. If false, return IoU over all classes.
Assumes that background is ‘0’ class in input tensor
• reduction (str) – a method for reducing IoU over labels (default: takes the mean)
Available reduction methods: - elementwise_mean: takes the mean - none: pass array -
sum: add elements
Returns Tensor containing single value if reduction is ‘elementwise_mean’, or number of classes if
reduction is ‘none’
Return type IoU score
Example
pytorch_lightning.metrics.functional.classification.multiclass_auc_decorator(reorder=True)
Return type Callable
pytorch_lightning.metrics.functional.classification.multiclass_precision_recall_curve(pred,
tar-
get,
sam-
ple_we
num_c
Computes precision-recall pairs for different thresholds given a multiclass scores.
Parameters
• pred (Tensor) – estimated probabilities
• target (Tensor) – ground-truth labels
• sample_weight (Optional[Sequence]) – sample weight
• num_classes (Optional[int]) – number of classes
Return type Tuple[Tensor, Tensor, Tensor, Tensor]
Returns number of classes, precision, recall, thresholds
Example
>>> nb_classes
(tensor([1., 1.]), tensor([1., 0.]), tensor([0.8500]))
>>> precision
(tensor([1., 1.]), tensor([1., 0.]), tensor([0.8500]))
>>> recall
(tensor([0.2500, 0.0000, 1.0000]), tensor([1., 0., 0.]), tensor([0.0500, 0.8500]))
>>> thresholds
(tensor([0.2500, 0.0000, 1.0000]), tensor([1., 0., 0.]), tensor([0.0500, 0.8500]))
pytorch_lightning.metrics.functional.classification.multiclass_roc(pred, tar-
get, sam-
ple_weight=None,
num_classes=None)
Computes the Receiver Operating Characteristic (ROC) for multiclass predictors.
Parameters
• pred (Tensor) – estimated probabilities
• target (Tensor) – ground-truth labels
• sample_weight (Optional[Sequence]) – sample weights
• num_classes (Optional[int]) – number of classes (default: None, computes auto-
matically from data)
Return type Tuple[Tuple[Tensor, Tensor, Tensor]]
Returns returns roc for each class. Number of classes, false-positive rate (fpr), true-positive rate
(tpr), thresholds
Example
pytorch_lightning.metrics.functional.classification.precision(pred, target,
num_classes=None,
reduc-
tion='elementwise_mean')
Computes precision score.
Parameters
• pred (Tensor) – estimated probabilities
• target (Tensor) – ground-truth labels
• num_classes (Optional[int]) – number of classes
• reduction (str) – method for reducing precision values (default: takes the mean) Avail-
able reduction methods:
– elementwise_mean: takes the mean
– none: pass array
– sum: add elements
Return type Tensor
Returns Tensor with precision.
Example
pytorch_lightning.metrics.functional.classification.precision_recall(pred,
target,
num_classes=None,
reduc-
tion='elementwise_mean')
Computes precision and recall for different thresholds
Parameters
• pred (Tensor) – estimated probabilities
• target (Tensor) – ground-truth labels
Example
pytorch_lightning.metrics.functional.classification.precision_recall_curve(pred,
tar-
get,
sam-
ple_weight=None,
pos_label=1.0)
Computes precision-recall pairs for different thresholds.
Parameters
• pred (Tensor) – estimated probabilities
• target (Tensor) – ground-truth labels
• sample_weight (Optional[Sequence]) – sample weights
• pos_label (int) – the label for the positive class (default: 1.)
Return type Tuple[Tensor, Tensor, Tensor]
Returns precision, recall, thresholds
Example
pytorch_lightning.metrics.functional.classification.recall(pred, target,
num_classes=None,
reduc-
tion='elementwise_mean')
Computes recall score.
Parameters
• pred (Tensor) – estimated probabilities
• target (Tensor) – ground-truth labels
• num_classes (Optional[int]) – number of classes
• reduction (str) – method for reducing recall values (default: takes the mean) Available
reduction methods:
– elementwise_mean: takes the mean
– none: pass array
– sum: add elements
Return type Tensor
Returns Tensor with recall.
Example
Example
pytorch_lightning.metrics.functional.classification.stat_scores(pred, target,
class_index,
argmax_dim=1)
Calculates the number of true positive, false positive, true negative and false negative for a specific class
Parameters
• pred (Tensor) – prediction tensor
• target (Tensor) – target tensor
• class_index (int) – class to calculate over
• argmax_dim (int) – if pred is a tensor of probabilities, this indicates the axis the argmax
transformation will be applied over
Return type Tuple[Tensor, Tensor, Tensor, Tensor, Tensor]
Returns True Positive, False Positive, True Negative, False Negative
Example
pytorch_lightning.metrics.functional.classification.stat_scores_multiple_classes(pred,
tar-
get,
num_classes=
argmax_dim=
Calls the stat_scores function iteratively for all classes, thus calculating the number of true postive, false postive,
true negative and false negative for each class
Parameters
• pred (Tensor) – prediction tensor
• target (Tensor) – target tensor
• class_index – class to calculate over
• argmax_dim (int) – if pred is a tensor of probabilities, this indicates the axis the argmax
transformation will be applied over
Return type Tuple[Tensor, Tensor, Tensor, Tensor, Tensor]
Example
pytorch_lightning.metrics.functional.classification.to_categorical(tensor,
argmax_dim=1)
Converts a tensor of probabilities to a dense label tensor
Parameters
• tensor (Tensor) – probabilities to get the categorical label [N, d1, d2, . . . ]
• argmax_dim (int) – dimension to apply (default: 1)
Return type Tensor
Returns A tensor with categorical labels [N, d2, . . . ]
Example
pytorch_lightning.metrics.functional.classification.to_onehot(tensor,
n_classes=None)
Converts a dense label tensor to one-hot format
Parameters
• tensor (Tensor) – dense label tensor, with shape [N, d1, d2, . . . ]
• n_classes (Optional[int]) – number of classes C
Example
pytorch_lightning.metrics.functional.reduction module
pytorch_lightning.metrics.functional.reduction.reduce(to_reduce, reduction)
Reduces a given tensor by a given reduction method
Parameters to_reduce (Tensor) – the tensor, which shall be reduced
reduction : a string specifying the reduction method (‘elementwise_mean’, ‘none’, ‘sum’)
Return type Tensor
Returns reduced Tensor
36.4.2 Submodules
pytorch_lightning.metrics.classification module
Example
Parameters
• pos_label (int) – positive label indicator
• reduce_group (Optional[Any]) – the process group to reduce metric results from
DDP
• reduce_op (Optional[Any]) – the operation to perform for ddp reduction
Parameters
• pred (Tensor) – predicted labels
• target (Tensor) – groundtruth labels
• sample_weight (Optional[Sequence]) – the weights per sample
Returns classification score
Return type torch.Tensor
_device = None
_dtype = None
class pytorch_lightning.metrics.classification.Accuracy(num_classes=None, reduc-
tion='elementwise_mean',
reduce_group=None,
reduce_op=None)
Bases: pytorch_lightning.metrics.metric.TensorMetric
Computes the accuracy classification score
Example
Parameters
• num_classes (Optional[int]) – number of classes
• reduction (str) – a method for reducing accuracies over labels (default: takes the mean)
Available reduction methods: - elementwise_mean: takes the mean - none: pass array - sum:
add elements
• reduce_group (Optional[Any]) – the process group to reduce metric results from
DDP
• reduce_op (Optional[Any]) – the operation to perform for ddp reduction
forward(pred, target)
Actual metric computation
Parameters
• pred (Tensor) – predicted labels
• target (Tensor) – ground truth labels
Return type Tensor
Returns A Tensor with the classification score.
_device = None
_dtype = None
class pytorch_lightning.metrics.classification.AveragePrecision(pos_label=1,
re-
duce_group=None,
re-
duce_op=None)
Bases: pytorch_lightning.metrics.metric.TensorMetric
Computes the average precision score
Example
Parameters
• pos_label (int) – positive label indicator
• reduce_group (Optional[Any]) – the process group to reduce metric results from
DDP
• reduce_op (Optional[Any]) – the operation to perform for ddp reduction
Example
Parameters
• normalize (bool) – whether to compute a normalized confusion matrix
• reduce_group (Optional[Any]) – the process group to reduce metric results from
DDP
• reduce_op (Optional[Any]) – the operation to perform for ddp reduction
forward(pred, target)
Actual metric computation
Parameters
• pred (Tensor) – predicted labels
• target (Tensor) – ground truth labels
Return type Tensor
Returns A Tensor with the confusion matrix.
_device = None
_dtype = None
class pytorch_lightning.metrics.classification.DiceCoefficient(include_background=False,
nan_score=0.0,
no_fg_score=0.0,
reduc-
tion='elementwise_mean',
re-
duce_group=None,
re-
duce_op=None)
Bases: pytorch_lightning.metrics.metric.TensorMetric
Computes the dice coefficient
Example
Parameters
• include_background (bool) – whether to also compute dice for the background
• nan_score (float) – score to return, if a NaN occurs during computation (denom zero)
• no_fg_score (float) – score to return, if no foreground pixel was found in target
• reduction (str) – a method for reducing accuracies over labels (default: takes the mean)
Available reduction methods: - elementwise_mean: takes the mean - none: pass array - sum:
add elements
• reduce_group (Optional[Any]) – the process group to reduce metric results from
DDP
• reduce_op (Optional[Any]) – the operation to perform for ddp reduction
forward(pred, target)
Actual metric computation
Parameters
• pred (Tensor) – predicted probability for each label
• target (Tensor) – groundtruth labels
Returns the calculated dice coefficient
Return type torch.Tensor
_device = None
_dtype = None
class pytorch_lightning.metrics.classification.F1(num_classes=None, reduc-
tion='elementwise_mean',
reduce_group=None, re-
duce_op=None)
Bases: pytorch_lightning.metrics.metric.TensorMetric
Computes the F1 score, which is the harmonic mean of the precision and recall. It ranges between 1 and 0,
where 1 is perfect and the worst value is 0.
Example
Parameters
• num_classes (Optional[int]) – number of classes
• reduction (str) – a method for reducing accuracies over labels (default: takes the mean)
Available reduction methods: - elementwise_mean: takes the mean - none: pass array - sum:
add elements
• reduce_group (Optional[Any]) – the process group to reduce metric results from
DDP
• reduce_op (Optional[Any]) – the operation to perform for ddp reduction
forward(pred, target)
Actual metric computation
Parameters
• pred (Tensor) – predicted labels
• target (Tensor) – groundtruth labels
Returns classification score
Return type torch.Tensor
_device = None
_dtype = None
class pytorch_lightning.metrics.classification.FBeta(beta, num_classes=None, re-
duction='elementwise_mean',
reduce_group=None, re-
duce_op=None)
Bases: pytorch_lightning.metrics.metric.TensorMetric
Computes the FBeta Score, which is the weighted harmonic mean of precision and recall. It ranges be-
tween 1 and 0, where 1 is perfect and the worst value is 0.
Example
Parameters
• beta (float) – determines the weight of recall in the combined score.
• num_classes (Optional[int]) – number of classes
• reduction (str) – a method for reducing accuracies over labels (default: takes the mean)
Available reduction methods: - elementwise_mean: takes the mean - none: pass array - sum:
add elements
• reduce_group (Optional[Any]) – the process group to reduce metric results from
DDP
• reduce_op (Optional[Any]) – the operation to perform for DDP reduction
forward(pred, target)
Actual metric computation
Parameters
• pred (Tensor) – predicted labels
• target (Tensor) – groundtruth labels
Returns classification score
Return type torch.Tensor
_device = None
_dtype = None
class pytorch_lightning.metrics.classification.IoU(remove_bg=False, reduc-
tion='elementwise_mean')
Bases: pytorch_lightning.metrics.metric.TensorMetric
Computes the intersection over union.
Example
Parameters
• remove_bg (bool) – Flag to state whether a background class has been included within
input parameters. If true, will remove background class. If false, return IoU over all classes.
Assumes that background is ‘0’ class in input tensor
• reduction (str) – a method for reducing IoU over labels (default: takes the mean)
Available reduction methods:
– elementwise_mean: takes the mean
– none: pass array
– sum: add elements
Example
Parameters
• num_classes (Optional[int]) – number of classes
• reduction – a method for reducing accuracies over labels (default: takes the mean) Avail-
able reduction methods: - elementwise_mean: takes the mean - none: pass array - sum: add
elements
• reduce_group (Optional[Any]) – the process group to reduce metric results from
DDP
• reduce_op (Optional[Any]) – the operation to perform for ddp reduction
Example
Parameters
• num_classes (Optional[int]) – number of classes
• reduction – a method for reducing accuracies over labels (default: takes the mean) Avail-
able reduction methods: - elementwise_mean: takes the mean - none: pass array - sum: add
elements
• reduce_group (Optional[Any]) – the process group to reduce metric results from
DDP
• reduce_op (Optional[Any]) – the operation to perform for ddp reduction
Example
Parameters
• num_classes (Optional[int]) – number of classes
• reduction (str) – a method for reducing accuracies over labels (default: takes the mean)
Available reduction methods: - elementwise_mean: takes the mean - none: pass array - sum:
add elements
• reduce_group (Optional[Any]) – the process group to reduce metric results from
DDP
• reduce_op (Optional[Any]) – the operation to perform for ddp reduction
forward(pred, target)
Actual metric computation
Parameters
• pred (Tensor) – predicted labels
• target (Tensor) – ground truth labels
Return type Tensor
Returns A Tensor with the classification score.
_device = None
_dtype = None
class pytorch_lightning.metrics.classification.PrecisionRecall(pos_label=1, re-
duce_group=None,
re-
duce_op=None)
Bases: pytorch_lightning.metrics.metric.TensorCollectionMetric
Computes the precision recall curve
Example
Parameters
Example
Parameters
• pos_label (int) – positive label indicator
• reduce_group (Optional[Any]) – the process group to reduce metric results from
DDP
• reduce_op (Optional[Any]) – the operation to perform for ddp reduction
Example
Parameters
• num_classes (Optional[int]) – number of classes
• reduction (str) – a method for reducing accuracies over labels (default: takes the mean)
Available reduction methods: - elementwise_mean: takes the mean - none: pass array - sum:
add elements
• reduce_group (Optional[Any]) – the process group to reduce metric results from
DDP
• reduce_op (Optional[Any]) – the operation to perform for ddp reduction
forward(pred, target)
Actual metric computation
Parameters
• pred (Tensor) – predicted labels
• target (Tensor) – ground truth labels
Return type Tensor
pytorch_lightning.metrics.converters module
This file provides functions and decorators for automated input and output conversion to/from numpy.ndarray and
torch.Tensor as well as utilities to sync tensors between different processes in a DDP scenario, when needed.
pytorch_lightning.metrics.converters._apply_to_inputs(func_to_apply, *dec_args,
**dec_kwargs)
Decorator function to apply a function to all inputs of a function.
Parameters
• func_to_apply (Callable) – the function to apply to the inputs
• *dec_args – positional arguments for the function to be applied
• **dec_kwargs – keyword arguments for the function to be applied
Return type Callable
Returns the decorated function
pytorch_lightning.metrics.converters._apply_to_outputs(func_to_apply, *dec_args,
**dec_kwargs)
Decorator function to apply a function to all outputs of a function.
Parameters
• func_to_apply (Callable) – the function to apply to the outputs
• *dec_args – positional arguments for the function to be applied
• **dec_kwargs – keyword arguments for the function to be applied
Return type Callable
Returns the decorated function
pytorch_lightning.metrics.converters._convert_to_numpy(data)
Convert all tensors and numpy arrays to numpy arrays.
Parameters data (Union[Tensor, ndarray, Number]) – the tensor or array to convert to
numpy
Return type ndarray
Returns the resulting numpy array
pytorch_lightning.metrics.converters._convert_to_tensor(data)
Maps all kind of collections and numbers to tensors.
Parameters data (Any) – the data to convert to tensor
Return type Any
Returns the converted data
pytorch_lightning.metrics.converters._numpy_metric_conversion(func_to_decorate)
Decorator handling the argument conversion for metrics working on numpy. All inputs of the decorated function
will be converted to numpy and all outputs will be converted to tensors.
Parameters func_to_decorate (Callable) – the function whose inputs and outputs shall be
converted
Return type Callable
Returns the decorated function
pytorch_lightning.metrics.converters._numpy_metric_input_conversion(func_to_decorate)
Decorator converting all inputs of a function to numpy
Parameters func_to_decorate (Callable) – the function whose inputs shall be converted
Returns the decorated function
Return type Callable
pytorch_lightning.metrics.converters._sync_ddp_if_available(result, group=None,
reduce_op=None)
Function to reduce the tensors from several ddp processes to one master process
Parameters
• result (Tensor) – the value to sync and reduce (typically tensor or number)
• group (Optional[Any]) – the process group to gather results from. Defaults to all pro-
cesses (world)
• reduce_op (Optional[ReduceOp]) – the reduction operation. Defaults to sum.
Return type Tensor
Returns reduced value
pytorch_lightning.metrics.converters._tensor_collection_metric_conversion(func_to_decorate)
Decorator Handling the argument conversion for metrics working on tensors. All inputs of the decorated func-
tion and all numpy arrays and numbers in it’s outputs will be converted to tensors
Parameters func_to_decorate (Callable) – the function whose inputs and outputs shall be
converted
Return type Callable
Returns the decorated function
pytorch_lightning.metrics.converters._tensor_collection_metric_output_conversion(func_to_decor
Decorator converting all numpy arrays and numbers occuring in the outputs of a function to tensors
Parameters func_to_decorate (Callable) – the function whose outputs shall be converted
Returns the decorated function
Return type Callable
pytorch_lightning.metrics.converters._tensor_metric_conversion(func_to_decorate)
Decorator Handling the argument conversion for metrics working on tensors. All inputs and outputs of the
decorated function will be converted to tensors
Parameters func_to_decorate (Callable) – the function whose inputs and outputs shall be
converted
Return type Callable
Returns the decorated function
pytorch_lightning.metrics.converters._tensor_metric_input_conversion(func_to_decorate)
Decorator converting all inputs of a function to tensors
Parameters func_to_decorate (Callable) – the function whose inputs shall be converted
Parameters
• group (Optional[Any]) – the process group to gather results from. Defaults to all pro-
cesses (world)
• reduce_op (Optional[ReduceOp]) – the reduction operation. Defaults to sum
Return type Callable
Returns the decorated function
pytorch_lightning.metrics.metric module
class pytorch_lightning.metrics.metric.Metric(name)
Bases: pytorch_lightning.utilities.device_dtype_mixin.
DeviceDtypeModuleMixin, torch.nn.Module, abc.ABC
Abstract base class for metric implementation.
Should be used to implement metrics that 1. Return multiple Outputs 2. Handle their own DDP sync
Parameters name (str) – the metric’s name
abstract forward(*args, **kwargs)
Implements the actual metric computation.
Return type Tensor
Returns metric value
_device = None
_dtype = None
class pytorch_lightning.metrics.metric.NumpyMetric(name, reduce_group=None, re-
duce_op=None)
Bases: pytorch_lightning.metrics.metric.Metric
Base class for metric implementation operating on numpy arrays. All inputs will be casted to numpy if necessary
and all outputs will be casted to tensors if necessary. Already handles DDP sync and input/output conversions.
Parameters
• name (str) – the metric’s name
• reduce_group (Optional[Any]) – the process group for DDP reduces (only needed
for DDP training). Defaults to all processes (world)
• reduce_op (Optional[Any]) – the operation to perform during reduction within DDP
(only needed for DDP training). Defaults to sum.
__call__(*args, **kwargs)
Call self as a function.
Return type Tensor
_device = None
_dtype = None
class pytorch_lightning.metrics.metric.TensorCollectionMetric(name, re-
duce_group=None,
re-
duce_op=None)
Bases: pytorch_lightning.metrics.metric.Metric
Base class for metric implementation operating directly on tensors. All inputs will be casted to tensors if
necessary. Outputs won’t be casted. Already handles DDP sync and input conversions.
This class differs from TensorMetric, as it assumes all outputs to be collections of tensors and does not
explicitly convert them. This is necessary, since some collections (like for ROC, Precision-Recall Curve etc.)
cannot be converted to tensors at the highest level. All numpy arrays and numbers occuring in these outputs will
still be converted.
Use this class as a baseclass, whenever you want to ensure inputs are tensors and outputs cannot be converted to
tensors automatically
Parameters
• name (str) – the metric’s name
• reduce_group (Optional[Any]) – the process group for DDP reduces (only needed
for DDP training). Defaults to all processes (world)
• reduce_op (Optional[Any]) – the operation to perform during reduction within DDP
(only needed for DDP training). Defaults to sum.
__call__(*args, **kwargs)
Call self as a function.
Return type Tensor
_device = None
_dtype = None
class pytorch_lightning.metrics.metric.TensorMetric(name, reduce_group=None, re-
duce_op=None)
Bases: pytorch_lightning.metrics.metric.Metric
Base class for metric implementation operating directly on tensors. All inputs and outputs will be casted to
tensors if necessary. Already handles DDP sync and input/output conversions.
Parameters
• name (str) – the metric’s name
• reduce_group (Optional[Any]) – the process group for DDP reduces (only needed
for DDP training). Defaults to all processes (world)
• reduce_op (Optional[Any]) – the operation to perform during reduction within DDP
(only needed for DDP training). Defaults to sum.
__call__(*args, **kwargs)
Call self as a function.
Return type Tensor
_device = None
_dtype = None
pytorch_lightning.metrics.regression module
class pytorch_lightning.metrics.regression.MSE(reduction='elementwise_mean')
Bases: pytorch_lightning.metrics.metric.Metric
Computes the mean squared loss.
Parameters reduction (str) – a method for reducing mse over labels (default: takes the mean)
Available reduction methods: - elementwise_mean: takes the mean - none: pass array - sum:
add elements
Example
forward(pred, target)
Actual metric computation
Parameters
• pred (Tensor) – predicted labels
• target (Tensor) – ground truth labels
Return type Tensor
Returns A Tensor with the mse loss.
_device = None
_dtype = None
class pytorch_lightning.metrics.regression.RMSE(reduction='elementwise_mean')
Bases: pytorch_lightning.metrics.metric.Metric
Computes the root mean squared loss.
Parameters reduction (str) – a method for reducing mse over labels (default: takes the mean)
Available reduction methods: - elementwise_mean: takes the mean - none: pass array - sum:
add elements
Example
forward(pred, target)
Actual metric computation
Parameters
• pred (Tensor) – predicted labels
Example
forward(pred, target)
Actual metric computation
Parameters
• pred (Tensor) – predicted labels
• target (Tensor) – ground truth labels
Return type Tensor
Returns A Tensor with the mae loss.
_device = None
_dtype = None
class pytorch_lightning.metrics.regression.RMSLE(reduction='elementwise_mean')
Bases: pytorch_lightning.metrics.metric.Metric
Computes the root mean squared log loss.
Parameters reduction (str) – a method for reducing mse over labels (default: takes the mean)
Available reduction methods: - elementwise_mean: takes the mean - none: pass array - sum:
add elements
Example
forward(pred, target)
Actual metric computation
Parameters
• pred (Tensor) – predicted labels
• target (Tensor) – ground truth labels
Return type Tensor
Returns A Tensor with the rmsle loss.
_device = None
_dtype = None
pytorch_lightning.metrics.sklearns module
class pytorch_lightning.metrics.sklearns.AUC(reduce_group=torch.distributed.group.WORLD,
reduce_op=torch.distributed.ReduceOp.SUM)
Bases: pytorch_lightning.metrics.sklearns.SklearnMetric
Calculates the Area Under the Curve using the trapoezoidal rule
Warning: Every metric call will cause a GPU synchronization, which may slow down your code
Example
Parameters
• reduce_group (Any) – the process group for DDP reduces (only needed for DDP train-
ing). Defaults to all processes (world)
• reduce_op (Any) – the operation to perform during reduction within DDP (only needed
for DDP training). Defaults to sum.
forward(x, y)
Computes the AUC
Parameters
• x (ndarray) – x coordinates.
• y (ndarray) – y coordinates.
Return type float
Returns AUC calculated with trapezoidal rule
_device = None
_dtype = None
class pytorch_lightning.metrics.sklearns.AUROC(average='macro', re-
duce_group=torch.distributed.group.WORLD,
reduce_op=torch.distributed.ReduceOp.SUM)
Bases: pytorch_lightning.metrics.sklearns.SklearnMetric
Compute Area Under the Curve (AUC) from prediction scores
Note: this implementation is restricted to the binary classification task or multilabel classification task in label
indicator format.
Parameters
• average (Optional[str]) – If None, the scores for each class are returned. Otherwise,
this determines the type of averaging performed on the data:
– If ‘micro’: Calculate metrics globally by considering each element of the label indicator
matrix as a label.
– If ‘macro’: Calculate metrics for each label, and find their unweighted mean. This does
not take label imbalance into account.
– If ‘weighted’: Calculate metrics for each label, and find their average, weighted by sup-
port (the number of true instances for each label).
– If ‘samples’: Calculate metrics for each instance, and find their average.
• reduce_group (Any) – the process group for DDP reduces (only needed for DDP train-
ing). Defaults to all processes (world)
• reduce_op (Any) – the operation to perform during reduction within DDP (only needed
for DDP training). Defaults to sum.
Warning: Every metric call will cause a GPU synchronization, which may slow down your code
Example
Parameters
• normalize (bool) – If False, return the number of correctly classified samples. Oth-
erwise, return the fraction of correctly classified samples.
• reduce_group (Any) – the process group for DDP reduces (only needed for DDP train-
ing). Defaults to all processes (world)
• reduce_op (Any) – the operation to perform during reduction within DDP (only needed
for DDP training). Defaults to sum.
– If ‘micro’: Calculate metrics globally by considering each element of the label indicator
matrix as a label.
– If ‘macro’: Calculate metrics for each label, and find their unweighted mean. This does
not take label imbalance into account.
– If ‘weighted’: Calculate metrics for each label, and find their average, weighted by sup-
port (the number of true instances for each label).
– If ‘samples’: Calculate metrics for each instance, and find their average.
• reduce_group (Any) – the process group for DDP reduces (only needed for DDP train-
ing). Defaults to all processes (world)
• reduce_op (Any) – the operation to perform during reduction within DDP (only needed
for DDP training). Defaults to sum.
forward(y_score, y_true, sample_weight=None)
Parameters
• y_score (ndarray) – Target scores, can either be probability estimates of the positive
class, confidence values, or binary decisions.
• y_true (ndarray) – True binary labels in binary label indicators.
• sample_weight (Optional[ndarray]) – Sample weights.
Return type float
Returns average precision score
_device = None
_dtype = None
class pytorch_lightning.metrics.sklearns.ConfusionMatrix(labels=None, re-
duce_group=torch.distributed.group.WORLD,
re-
duce_op=torch.distributed.ReduceOp.SUM)
Bases: pytorch_lightning.metrics.sklearns.SklearnMetric
Compute confusion matrix to evaluate the accuracy of a classification By definition a confusion matrix 𝐶 is such
that 𝐶𝑖,𝑗 is equal to the number of observations known to be in group 𝑖 but predicted to be in group 𝑗.
Example
Parameters
• labels (Optional[Sequence]) – List of labels to index the matrix. This may be used
to reorder or select a subset of labels. If none is given, those that appear at least once in
y_true or y_pred are used in sorted order.
• reduce_group (Any) – the process group for DDP reduces (only needed for DDP train-
ing). Defaults to all processes (world)
• reduce_op (Any) – the operation to perform during reduction within DDP (only needed
for DDP training). Defaults to sum.
forward(y_pred, y_true)
Parameters
• y_pred (ndarray) – Estimated targets as returned by a classifier.
• y_true (ndarray) – Ground truth (correct) target values.
Return type ndarray
Returns Confusion matrix (array of shape [n_classes, n_classes])
_device = None
_dtype = None
class pytorch_lightning.metrics.sklearns.F1(labels=None, pos_label=1,
average='macro', re-
duce_group=torch.distributed.group.WORLD,
reduce_op=torch.distributed.ReduceOp.SUM)
Bases: pytorch_lightning.metrics.sklearns.SklearnMetric
Compute the F1 score, also known as balanced F-score or F-measure The F1 score can be interpreted as a
weighted average of the precision and recall, where an F1 score reaches its best value at 1 and worst score at 0.
The relative contribution of precision and recall to the F1 score are equal. The formula for the F1 score is:
𝑝𝑟𝑒𝑐𝑖𝑠𝑖𝑜𝑛 · 𝑟𝑒𝑐𝑎𝑙𝑙
𝐹1 = 2 ·
𝑝𝑟𝑒𝑐𝑖𝑠𝑖𝑜𝑛 + 𝑟𝑒𝑐𝑎𝑙𝑙
In the multi-class and multi-label case, this is the weighted average of the F1 score of each class.
Example
References
• [1] Wikipedia entry for the F1-score
Parameters
• labels (Optional[Sequence]) – Integer array of labels.
• pos_label (Union[str, int]) – The class to report if average='binary'.
• average (Optional[str]) – This parameter is required for multiclass/multilabel tar-
gets. If None, the scores for each class are returned. Otherwise, this determines the type of
averaging performed on the data:
– 'binary': Only report results for the class specified by pos_label. This is applica-
ble only if targets (y_{true,pred}) are binary.
– 'micro': Calculate metrics globally by counting the total true positives, false negatives
and false positives.
– 'macro': Calculate metrics for each label, and find their unweighted mean. This does
not take label imbalance into account.
– 'weighted': Calculate metrics for each label, and find their average, weighted by
support (the number of true instances for each label). This alters ‘macro’ to account for
label imbalance; it can result in an F-score that is not between precision and recall.
– 'samples': Calculate metrics for each instance, and find their average (only meaning-
ful for multilabel classification where this differs from accuracy_score()).
Note that if pos_label is given in binary classification with average != ‘binary’, only
that positive class is reported. This behavior is deprecated and will change in version 0.18.
• reduce_group (Any) – the process group for DDP reduces (only needed for DDP train-
ing). Defaults to all processes (world)
• reduce_op (Any) – the operation to perform during reduction within DDP (only needed
for DDP training). Defaults to sum.
Example
References
• [1] R. Baeza-Yates and B. Ribeiro-Neto (2011). Modern Information Retrieval. Addison Wesley, pp.
327-328.
• [2] Wikipedia entry for the F1-score
Parameters
• beta (float) – Weight of precision in harmonic mean.
• labels (Optional[Sequence]) – Integer array of labels.
• pos_label (Union[str, int]) – The class to report if average='binary'.
• average (Optional[str]) – This parameter is required for multiclass/multilabel tar-
gets. If None, the scores for each class are returned. Otherwise, this determines the type of
averaging performed on the data:
– 'binary': Only report results for the class specified by pos_label. This is applica-
ble only if targets (y_{true,pred}) are binary.
– 'micro': Calculate metrics globally by counting the total true positives, false negatives
and false positives.
– 'macro': Calculate metrics for each label, and find their unweighted mean. This does
not take label imbalance into account.
– 'weighted': Calculate metrics for each label, and find their average, weighted by
support (the number of true instances for each label). This alters ‘macro’ to account for
label imbalance; it can result in an F-score that is not between precision and recall.
– 'samples': Calculate metrics for each instance, and find their average (only meaning-
ful for multilabel classification where this differs from accuracy_score()).
Note that if pos_label is given in binary classification with average != ‘binary’, only
that positive class is reported. This behavior is deprecated and will change in version 0.18.
• reduce_group (Any) – the process group for DDP reduces (only needed for DDP train-
ing). Defaults to all processes (world)
• reduce_op (Any) – the operation to perform during reduction within DDP (only needed
for DDP training). Defaults to sum.
Example
Parameters
• labels (Optional[Sequence]) – Integer array of labels.
• pos_label (Union[str, int]) – The class to report if average='binary'.
• average (Optional[str]) – This parameter is required for multiclass/multilabel tar-
gets. If None, the scores for each class are returned. Otherwise, this determines the type of
averaging performed on the data:
– 'binary': Only report results for the class specified by pos_label. This is applica-
ble only if targets (y_{true,pred}) are binary.
– 'micro': Calculate metrics globally by counting the total true positives, false negatives
and false positives.
– 'macro': Calculate metrics for each label, and find their unweighted mean. This does
not take label imbalance into account.
– 'weighted': Calculate metrics for each label, and find their average, weighted by
support (the number of true instances for each label). This alters ‘macro’ to account for
label imbalance; it can result in an F-score that is not between precision and recall.
– 'samples': Calculate metrics for each instance, and find their average (only meaning-
ful for multilabel classification where this differs from accuracy_score()).
Note that if pos_label is given in binary classification with average != ‘binary’, only
that positive class is reported. This behavior is deprecated and will change in version 0.18.
• reduce_group (Any) – the process group for DDP reduces (only needed for DDP train-
ing). Defaults to all processes (world)
• reduce_op (Any) – the operation to perform during reduction within DDP (only needed
for DDP training). Defaults to sum.
The precision is the ratio tp / (tp + fp) where tp is the number of true positives and fp the number
of false positives. The precision is intuitively the ability of the classifier not to label as positive a sample that
is negative. The recall is the ratio tp / (tp + fn) where tp is the number of true positives and fn the
number of false negatives. The recall is intuitively the ability of the classifier to find all the positive samples.
The last precision and recall values are 1. and 0. respectively and do not have a corresponding threshold. This
ensures that the graph starts on the x axis.
Parameters
• pos_label (Union[str, int]) – The class to report if average='binary'.
• reduce_group (Any) – the process group for DDP reduces (only needed for DDP train-
ing). Defaults to all processes (world)
• reduce_op (Any) – the operation to perform during reduction within DDP (only needed
for DDP training). Defaults to sum.
forward(probas_pred, y_true, sample_weight=None)
Parameters
• probas_pred (ndarray) – Estimated probabilities or decision function.
• y_true (ndarray) – Ground truth (correct) target values.
• sample_weight (Optional[ndarray]) – Sample weights.
Returns
Precision values such that element i is the precision of predictions with score >= thresh-
olds[i] and the last element is 1.
recall: Decreasing recall values such that element i is the recall of predictions with score >=
thresholds[i] and the last element is 0.
thresholds: Increasing thresholds on the decision function used to compute precision and
recall.
Return type precision
_device = None
_dtype = None
Example
References
Parameters
• pos_labels – The class to report if average='binary'.
• reduce_group (Any) – the process group for DDP reduces (only needed for DDP train-
ing). Defaults to all processes (world)
• reduce_op (Any) – the operation to perform during reduction within DDP (only needed
for DDP training). Defaults to sum.
_device = None
_dtype = None
class pytorch_lightning.metrics.sklearns.Recall(labels=None, pos_label=1,
average='macro', re-
duce_group=torch.distributed.group.WORLD,
reduce_op=torch.distributed.ReduceOp.SUM)
Bases: pytorch_lightning.metrics.sklearns.SklearnMetric
Compute the recall The recall is the ratio tp / (tp + fn) where tp is the number of true positives and fn
the number of false negatives. The recall is intuitively the ability of the classifier to find all the positive samples.
The best value is 1 and the worst value is 0.
Example
Parameters
• labels (Optional[Sequence]) – Integer array of labels.
• pos_label (Union[str, int]) – The class to report if average='binary'.
• average (Optional[str]) – This parameter is required for multiclass/multilabel tar-
gets. If None, the scores for each class are returned. Otherwise, this determines the type of
averaging performed on the data:
– 'binary': Only report results for the class specified by pos_label. This is applica-
ble only if targets (y_{true,pred}) are binary.
– 'micro': Calculate metrics globally by counting the total true positives, false negatives
and false positives.
– 'macro': Calculate metrics for each label, and find their unweighted mean. This does
not take label imbalance into account.
– 'weighted': Calculate metrics for each label, and find their average, weighted by
support (the number of true instances for each label). This alters ‘macro’ to account for
label imbalance; it can result in an F-score that is not between precision and recall.
– 'samples': Calculate metrics for each instance, and find their average (only meaning-
ful for multilabel classification where this differs from accuracy_score()).
Note that if pos_label is given in binary classification with average != ‘binary’, only
that positive class is reported. This behavior is deprecated and will change in version 0.18.
• reduce_group (Any) – the process group for DDP reduces (only needed for DDP train-
ing). Defaults to all processes (world)
• reduce_op (Any) – the operation to perform during reduction within DDP (only needed
for DDP training). Defaults to sum.
Warning: Every metric call will cause a GPU synchronization, which may slow down your code
Note: The order of targets and predictions may be different from the order typically used in PyTorch
Parameters
• metric_name (str) – the metric name to import and compute from scikit-learn.metrics
• reduce_group (Any) – the process group for DDP reduces (only needed for DDP train-
ing). Defaults to all processes (world)
• reduce_op (Any) – the operation to perform during reduction within DDP (only needed
for DDP training). Defaults to sum.
• **kwargs – additonal keyword arguments (will be forwarded to metric call)
forward(*args, **kwargs)
Carries the actual metric computation
Parameters
• *args – Positional arguments forwarded to metric call (should be already converted to
numpy)
• **kwargs – keyword arguments forwarded to metric call (should be already converted
to numpy)
Return type Union[ndarray, int, float]
Returns the metric value (will be converted to tensor by baseclass)
_device = None
_dtype = None
property metric_fn
36.5.1 Submodules
pytorch_lightning.overrides.data_parallel module
class pytorch_lightning.overrides.data_parallel.LightningDataParallel(*args,
**kwargs)
Bases: torch.nn.DataParallel
Override the forward call in lightning so it goes to training and validation step respectively
forward(*inputs, **kwargs)
parallel_apply(replicas, inputs, kwargs)
class pytorch_lightning.overrides.data_parallel.LightningDistributedDataParallel(*args,
**kwargs)
Bases: torch.nn.parallel.DistributedDataParallel
Override the forward call in lightning so it goes to training and validation step respectively
forward(*inputs, **kwargs)
parallel_apply(replicas, inputs, kwargs)
pytorch_lightning.overrides.data_parallel._find_tensors(obj)
Recursively find all tensors contained in the specified object.
pytorch_lightning.overrides.data_parallel.auto_squeeze_dim_zeros(output)
In DP or DDP2 we need to unsqueeze dim 0 :param _sphinx_paramlinks_pytorch_lightning.overrides.data_parallel.auto_squeeze_d
:return:
pytorch_lightning.overrides.data_parallel.get_a_var(obj)
pytorch_lightning.overrides.data_parallel.parallel_apply(modules, inputs,
kwargs_tup=None,
devices=None)
Applies each module in modules in parallel on arguments contained in inputs (positional) and
kwargs_tup (keyword) on each of devices.
Parameters
• modules (Module) – modules to be parallelized
• inputs (tensor) – inputs to the modules
• devices (list of int or torch.device) – CUDA devices
modules, inputs, kwargs_tup (if given), and devices (if given) should all have same length. Moreover,
each element of inputs can either be a single object as the only argument to a module, or a collection of
positional arguments.
Profiling your training run can help you understand if there are any bottlenecks in your code.
PyTorch Lightning supports profiling standard actions in the training loop out of the box, including:
• on_epoch_start
• on_epoch_end
• on_batch_start
• tbptt_split_batch
• model_forward
• model_backward
• on_after_backward
• optimizer_step
• on_batch_end
• training_step_end
• on_training_end
If you only wish to profile the standard actions, you can set profiler=True when constructing your Trainer object.
Profiler Report
If you want more information on the functions called during each event, you can use the AdvancedProfiler. This option
uses Python’s cProfiler to provide a report of time spent on each function called within your code.
profiler = AdvancedProfiler()
trainer = Trainer(..., profiler=profiler)
The profiler’s results will be printed at the completion of a training fit(). This profiler report can be quite long, so you
can also specify an output_filename to save the report instead of logging it to the output in your terminal. The output
below shows the profiling for the action get_train_batch.
Profiler Report
You can also reference this profiler in your LightningModule to profile specific actions of interest. If you don’t want
to always have the profiler turned on, you can optionally pass a PassThroughProfiler which will allow you to skip
profiling without having to make any code changes. Each profiler has a method profile() which returns a context
handler. Simply pass in the name of your action that you want to track and the profiler will record performance for
code executed within this context.
class MyModel(LightningModule):
def __init__(self, profiler=None):
self.profiler = profiler or PassThroughProfiler()
profiler = Profiler()
model = MyModel(profiler)
trainer = Trainer(profiler=profiler, max_epochs=1)
class pytorch_lightning.profiler.BaseProfiler(output_streams=None)
Bases: abc.ABC
If you wish to write a custom profiler, you should inhereit from this class.
Params: stream_out: callable
describe()
Logs a profile report after the conclusion of the training run.
Return type None
profile(action_name)
Yields a context manager to encapsulate the scope of a profiled action.
Example:
The profiler will start once you’ve entered the context and will automatically stop once you exit the code
block.
Return type None
profile_iterable(iterable, action_name)
Return type None
abstract start(action_name)
Defines how to start recording an action.
Return type None
abstract stop(action_name)
Defines how to record the duration once an action is complete.
Return type None
abstract summary()
Create profiler summary in text format.
Return type str
class pytorch_lightning.profiler.SimpleProfiler(output_filename=None)
Bases: pytorch_lightning.profiler.profilers.BaseProfiler
This profiler simply records the duration of actions (in seconds) and reports the mean duration of each action
and the total time spent over the entire training run.
Params:
output_filename (str): optionally save profile results to file instead of printing to std out when train-
ing is finished.
describe()
Logs a profile report after the conclusion of the training run.
start(action_name)
Defines how to start recording an action.
Return type None
stop(action_name)
Defines how to record the duration once an action is complete.
Return type None
summary()
Create profiler summary in text format.
Return type str
class pytorch_lightning.profiler.AdvancedProfiler(output_filename=None,
line_count_restriction=1.0)
Bases: pytorch_lightning.profiler.profilers.BaseProfiler
This profiler uses Python’s cProfiler to record more detailed information about time spent in each function call
recorded during a given action. The output is quite verbose and you should only use this if you want very
detailed reports.
Parameters
• output_filename (Optional[str]) – optionally save profile results to file instead of
printing to std out when training is finished.
• line_count_restriction (float) – this can be used to limit the number of func-
tions reported for each action. either an integer (to select a count of lines), or a decimal
fraction between 0.0 and 1.0 inclusive (to select a percentage of lines)
describe()
Logs a profile report after the conclusion of the training run.
start(action_name)
Defines how to start recording an action.
Return type None
stop(action_name)
Defines how to record the duration once an action is complete.
Return type None
summary()
Create profiler summary in text format.
Return type str
class pytorch_lightning.profiler.PassThroughProfiler
Bases: pytorch_lightning.profiler.profilers.BaseProfiler
This class should be used when you don’t want the (small) overhead of profiling. The Trainer uses this class by
default.
Params: stream_out: callable
start(action_name)
Defines how to start recording an action.
Return type None
stop(action_name)
Defines how to record the duration once an action is complete.
Return type None
summary()
Create profiler summary in text format.
Return type str
36.6.4 Submodules
pytorch_lightning.profiler.profilers module
class pytorch_lightning.profiler.profilers.AdvancedProfiler(output_filename=None,
line_count_restriction=1.0)
Bases: pytorch_lightning.profiler.profilers.BaseProfiler
This profiler uses Python’s cProfiler to record more detailed information about time spent in each function call
recorded during a given action. The output is quite verbose and you should only use this if you want very
detailed reports.
Parameters
• output_filename (Optional[str]) – optionally save profile results to file instead of
printing to std out when training is finished.
• line_count_restriction (float) – this can be used to limit the number of func-
tions reported for each action. either an integer (to select a count of lines), or a decimal
fraction between 0.0 and 1.0 inclusive (to select a percentage of lines)
describe()
Logs a profile report after the conclusion of the training run.
start(action_name)
Defines how to start recording an action.
Return type None
stop(action_name)
Defines how to record the duration once an action is complete.
Return type None
summary()
Create profiler summary in text format.
Return type str
class pytorch_lightning.profiler.profilers.BaseProfiler(output_streams=None)
Bases: abc.ABC
If you wish to write a custom profiler, you should inhereit from this class.
Params: stream_out: callable
describe()
Logs a profile report after the conclusion of the training run.
Return type None
profile(action_name)
Yields a context manager to encapsulate the scope of a profiled action.
Example:
The profiler will start once you’ve entered the context and will automatically stop once you exit the code
block.
Return type None
profile_iterable(iterable, action_name)
Return type None
abstract start(action_name)
Defines how to start recording an action.
Return type None
abstract stop(action_name)
Defines how to record the duration once an action is complete.
Return type None
abstract summary()
Create profiler summary in text format.
Return type str
class pytorch_lightning.profiler.profilers.PassThroughProfiler
Bases: pytorch_lightning.profiler.profilers.BaseProfiler
This class should be used when you don’t want the (small) overhead of profiling. The Trainer uses this class by
default.
Params: stream_out: callable
start(action_name)
Defines how to start recording an action.
Return type None
stop(action_name)
Defines how to record the duration once an action is complete.
Return type None
summary()
Create profiler summary in text format.
Return type str
class pytorch_lightning.profiler.profilers.SimpleProfiler(output_filename=None)
Bases: pytorch_lightning.profiler.profilers.BaseProfiler
This profiler simply records the duration of actions (in seconds) and reports the mean duration of each action
and the total time spent over the entire training run.
Params:
output_filename (str): optionally save profile results to file instead of printing to std out when train-
ing is finished.
describe()
Logs a profile report after the conclusion of the training run.
start(action_name)
Defines how to start recording an action.
Return type None
stop(action_name)
Defines how to record the duration once an action is complete.
Return type None
summary()
Create profiler summary in text format.
Return type str
Once you’ve organized your PyTorch code into a LightningModule, the Trainer automates everything else.
model = MyLightningModule()
trainer = Trainer()
trainer.fit(model)
For cluster computing, it’s recommended you structure your main.py file this way
def main(hparams):
model = LightningModule()
trainer = Trainer(gpus=hparams.gpus)
trainer.fit(model)
if __name__ == '__main__':
parser = ArgumentParser()
parser.add_argument('--gpus', default=None)
args = parser.parse_args()
main(args)
Note: If you want to stop a training run early, you can press “Ctrl + C” on your keyboard. The trainer will catch the
KeyboardInterrupt and attempt a graceful shutdown, including running callbacks such as on_train_end. The trainer
object will also set an attribute interrupted to True in such cases. If you have a callback which shuts down compute
resources, for example, you can conditionally run the shutdown logic for only uninterrupted runs.
36.7.3 Testing
Once you’re done training, feel free to run the test set! (Only right before publishing your paper or pushing to
production)
trainer.test()
You just trained a LightningModule which is also just a torch.nn.Module. Use it to do whatever!
# load model
pretrained_model = LightningModule.load_from_checkpoint(PATH)
pretrained_model.freeze()
# or for prediction
out = pretrained_model(x)
api_write({'response': out}
You may wish to run the model on a variety of devices. Instead of moving the data manually to the correct device,
decorate the forward method (or any other method you use for inference) with auto_move_data() and Lightning
will take care of the rest.
36.7.5 Reproducibility
To ensure full reproducibility from run to run you need to set seeds for pseudo-random generators, and set
deterministic` flag in Trainer.
Example:
from pytorch_lightning import Trainer, seed_everything
seed_everything(42)
# sets seeds for numpy, torch, python.random and PYTHONHASHSEED.
model = Model()
trainer = Trainer(deterministic=True)
accumulate_grad_batches
Example:
# accumulate every 4 batches (effective batch size is batch*4)
trainer = Trainer(accumulate_grad_batches=4)
# no accumulation for epochs 1-4. accumulate 3 for epochs 5-10. accumulate 20 after
˓→that
amp_level
The optimization level to use (O1, O2, etc. . . ) for 16-bit GPU precision (using NVIDIA apex under the hood).
Check NVIDIA apex docs for level
Example:
auto_scale_batch_size
Automatically tries to find the largest batch size that fits into memory, before any training.
auto_lr_find
Runs a learning rate finder algorithm (see this paper) before any training, to find optimal initial learning rate.
Example:
benchmark
If true enables cudnn.benchmark. This flag is likely to increase the speed of your system if your input sizes don’t
change. However, if it does, then it will likely make your system slower.
The speedup comes from allowing the cudnn auto-tuner to find the best algorithm for the hardware [see discussion
here].
Example:
deterministic
If true enables cudnn.deterministic. Might make your system slower, but ensures reproducibility. Also sets
$HOROVOD_FUSION_THRESHOLD=0.
For more info check [pytorch docs].
Example:
callbacks
Add a list of user defined callbacks. These callbacks DO NOT replace the explicit callbacks (loggers, EarlyStopping
or ModelCheckpoint).
# a list of callbacks
callbacks = [PrintCallback()]
trainer = Trainer(callbacks=callbacks)
Example:
class PrintCallback(Callback):
def on_train_start(self, trainer, pl_module):
print("Training is started!")
def on_train_end(self, trainer, pl_module):
print("Training is done.")
check_val_every_n_epoch
checkpoint_callback
Example:
default_root_dir
distributed_backend
Example:
# dp = DataParallel
trainer = Trainer(gpus=2, distributed_backend='dp')
# ddp = DistributedDataParallel
trainer = Trainer(gpus=2, num_nodes=2, distributed_backend='ddp')
(continues on next page)
# ddp2 = DistributedDataParallel + dp
trainer = Trainer(gpus=2, num_nodes=2, distributed_backend='ddp2')
Note: this option does not apply to TPU. TPUs use `ddp` by default (over each core)
See also:
• Multi-GPU training guide
• Multi-node (SLURM) guide
early_stop_callback
fast_dev_run
Runs 1 batch of train, test and val to find any bugs (ie: a sort of unit test).
Under the hood the pseudocode looks like this:
# loading
__init__()
prepare_data
gpus
Example:
See also:
• Multi-GPU training guide
gradient_clip_val
limit_test_batches
In the case of multiple test dataloaders, the limit applies to each dataloader individually.
limit_val_batches
How much of validation dataset to check. Useful when debugging or testing something that happens at the end of an
epoch.
In the case of multiple validation dataloaders, the limit applies to each dataloader individually.
log_gpu_memory
Options:
• None
• ‘min_max’
• ‘all’
# log only the min and max memory on the master node
trainer = Trainer(log_gpu_memory='min_max')
log_save_interval
logger
max_epochs
min_epochs
max_steps
Stop training after this number of steps Training will stop if max_steps or max_epochs have reached (earliest).
# Default (disabled)
trainer = Trainer(max_steps=None)
min_steps
Force training for at least these number of steps. Trainer will train model for at least min_steps or min_epochs (latest).
# Default (disabled)
trainer = Trainer(min_steps=None)
num_nodes
# to train on 8 nodes
trainer = Trainer(num_nodes=8)
num_processes
Number of processes to train with. Automatically set to the number of GPUs when using distrbuted_backend=
"ddp". Set to a number greater than 1 when using distributed_backend="ddp_cpu" to mimic distributed
training on a machine without GPUs. This is useful for debugging, but will not provide any speedup, since single-
process Torch already makes effient use of multiple CPUs.
num_sanity_val_steps
Sanity check runs n batches of val before starting the training routine. This catches any bugs in your validation without
having to wait for the first validation check. The Trainer uses 5 steps by default. Turn it off or modify it here.
# turn it off
trainer = Trainer(num_sanity_val_steps=0)
num_tpu_cores
Example:
python -m torch_xla.distributed.xla_dist
--tpu=$TPU_POD_NAME
--conda-env=torch-xla-nightly
--env=XLA_USE_BF16=1
-- python your_trainer_file.py
prepare_data_per_node
If True will call prepare_data() on LOCAL_RANK=0 for every node. If False will only call from NODE_RANK=0,
LOCAL_RANK=0
# default
Trainer(prepare_data_per_node=True)
tpu_cores
# your_trainer_file.py
To train on more than 8 cores (ie: a POD), submit this script using the xla_dist script.
Example:
python -m torch_xla.distributed.xla_dist
--tpu=$TPU_POD_NAME
--conda-env=torch-xla-nightly
--env=XLA_USE_BF16=1
-- python your_trainer_file.py
overfit_pct
overfit_batches
Uses this much data of the training set. If nonzero, will use the same training set for validation and testing. If the
training dataloaders have shuffle=True, Lightning will automatically disable it.
Useful for quickly debugging or trying to overfit on purpose.
# use only 1% of the train set (and use the train set for val and test)
trainer = Trainer(overfit_batches=0.01)
precision
Full precision (32), half precision (16). Can be used on CPU, GPU or TPUs.
If used on TPU will use torch.bfloat16 but tensor printing will still show torch.float32.
# 16-bit precision
trainer = Trainer(precision=16)
Example:
# one day
trainer = Trainer(precision=8|4|2)
print_nan_grads
process_position
Orders the progress bar. Useful when running multiple trainers on the same node.
profiler
# equivalent to profiler=True
trainer = Trainer(profiler=SimpleProfiler())
progress_bar_refresh_rate
How often to refresh progress bar (in steps). In notebooks, faster refresh rates (lower number) is known to crash them
because of their screen refresh rates, so raise it to 50 or more.
reload_dataloaders_every_epoch
# if False (default)
train_loader = model.train_dataloader()
for epoch in epochs:
for batch in train_loader:
...
# if True
for epoch in epochs:
train_loader = model.train_dataloader()
for batch in train_loader:
replace_sampler_ddp
resume_from_checkpoint
row_log_interval
use_amp:
show_progress_bar
val_percent_check
test_percent_check
train_percent_check
track_grad_norm
• no tracking (-1)
• Otherwise tracks that norm (2 for 2-norm)
# default used by the Trainer
trainer = Trainer(track_grad_norm=-1)
limit_train_batches
How much of training dataset to check. Useful when debugging or testing something that happens at the end of an
epoch.
# default used by the Trainer
trainer = Trainer(limit_train_batches=1.0)
Example:
# default used by the Trainer
trainer = Trainer(limit_train_batches=1.0)
truncated_bptt_steps
Truncated back prop breaks performs backprop every k steps of a much longer sequence.
If this is enabled, your batches will automatically get truncated and the trainer will apply Truncated Backprop to it.
(Williams et al. “An efficient gradient-based algorithm for on-line training of recurrent network trajectories.”)
# default used by the Trainer (ie: disabled)
trainer = Trainer(truncated_bptt_steps=None)
return {
"loss": ...,
"hiddens": hiddens # remember to detach() this
}
val_check_interval
How often within one training epoch to check the validation set. Can specify as float or int.
• use (float) to check within a training epoch
• use (int) to check every n steps (batches)
# default used by the Trainer
trainer = Trainer(val_check_interval=1.0)
weights_save_path
Example:
weights_summary
Prints a summary of the weights when training begins. Options: ‘full’, ‘top’, None.
# default used by the Trainer (ie: print summary of top level modules)
trainer = Trainer(weights_summary='top')
Example
EarlyStopping) –
• callbacks (Optional[List[Callback]]) – Add a list of callbacks.
• default_root_dir (Optional[str]) – Default path for logs and weights when no
logger/ckpt_callback passed
• gradient_clip_val (float) – 0 means don’t clip.
• gradient_clip –
• process_position (int) – orders the progress bar when running multiple models on
same machine.
• num_nodes (int) – number of GPU nodes for distributed training.
• nb_gpu_nodes –
• val_percent_check (Optional[float]) –
• test_percent_check (Optional[float]) –
Examples
barrier(name)
can_prepare_data()
check_model_configuration(model)
Checks that the model is configured correctly before training or testing is started.
Parameters model (LightningModule) – The model to check the configuration.
classmethod default_attributes()
fit(model, train_dataloader=None, val_dataloaders=None)
Runs the full optimization routine.
Parameters
• model (LightningModule) – Model to fit.
• train_dataloader (Optional[DataLoader]) – A Pytorch DataLoader with
training samples. If the model has a predefined train_dataloader method this will be
skipped.
• val_dataloaders (Union[DataLoader, List[DataLoader], None]) – Either
a single Pytorch Dataloader or a list of them, specifying validation samples. If the model
has a predefined val_dataloaders method this will be skipped
Example:
# Option 1,
# Define the train_dataloader() and val_dataloader() fxs
# in the lightningModule
# RECOMMENDED FOR MOST RESEARCH AND APPLICATIONS TO MAINTAIN READABILITY
(continues on next page)
# Option 2
# in production cases we might want to pass different datasets to the same
˓→model
# Option 1 & 2 can be mixed, for example the training set can be
# defined as part of the model, and validation can then be feed to .fit()
Example
classmethod get_deprecated_arg_names()
Returns a list with deprecated Trainer arguments.
Return type List
classmethod get_init_arguments_and_types()
Scans the Trainer signature and returns argument names, types and default values.
Returns (argument name, set with argument types, argument default value).
Return type List with tuples of 3 values
Examples
static parse_argparser(arg_parser)
Parse CLI arguments, required for custom bool types.
Return type Namespace
run_pretrain_routine(model)
Sanity check a few things before starting actual training.
Parameters model (LightningModule) – The model to run sanity test on.
test(model=None, test_dataloaders=None, ckpt_path='best')
Separates from fit to make sure you never run on your test set until you want to.
Parameters
• model (Optional[LightningModule]) – The model to test.
• test_dataloaders (Union[DataLoader, List[DataLoader], None]) – Either
a single Pytorch Dataloader or a list of them, specifying validation samples.
• ckpt_path (Optional[str]) – Either best or path to the checkpoint you wish to
test. If None, use the weights from the last epoch to test. Default to best.
Example:
# Option 1
# run test with the best checkpoint from ``ModelCheckpoint`` after fitting.
test = DataLoader(...)
trainer = Trainer()
model = LightningModule()
trainer.fit(model)
(continues on next page)
# Option 2
# run test with the specified checkpoint after fitting
test = DataLoader(...)
trainer = Trainer()
model = LightningModule()
trainer.fit(model)
trainer.test(test_dataloaders=test, ckpt_path='path/to/checkpoint.ckpt')
# Option 3
# run test with the weights from the end of training after fitting
test = DataLoader(...)
trainer = Trainer()
model = LightningModule()
trainer.fit(model)
trainer.test(test_dataloaders=test, ckpt_path=None)
# Option 4
# run test from a loaded model. ``ckpt_path`` is ignored in this case.
test = DataLoader(...)
model = LightningModule.load_from_checkpoint('path/to/checkpoint.ckpt')
trainer = Trainer()
trainer.test(model, test_dataloaders=test)
on_gpu = None
on_tpu = None
optimizers = None
property progress_bar_callback
property progress_bar_dict
Read-only for progress bar metrics.
Return type dict
resume_from_checkpoint = None
root_gpu = None
scaler = None
property slurm_job_id
this is just empty shell for code implemented in other class.
Type Warning
Return type Optional[int]
use_ddp = None
use_ddp2 = None
use_horovod = None
weights_save_path = None
pytorch_lightning.trainer.seed_everything(seed=None)
Function that sets seed for pseudo-random number generators in: pytorch, numpy, python.random and sets
PYTHONHASHSEED environment variable.
Return type int
36.7.8 Submodules
pytorch_lightning.trainer.auto_mix_precision module
class pytorch_lightning.trainer.auto_mix_precision.TrainerAMPMixin
Bases: abc.ABC
init_amp()
precision: int = None
property use_amp
Return type bool
pytorch_lightning.trainer.callback_config module
class pytorch_lightning.trainer.callback_config.TrainerCallbackConfigMixin
Bases: abc.ABC
configure_checkpoint_callback(checkpoint_callback)
Weight path set in this priority: Checkpoint_callback’s path (if passed in). User provided
weights_saved_path Otherwise use os.getcwd()
configure_early_stopping(early_stop_callback)
configure_progress_bar(refresh_rate=1, process_position=0)
abstract is_overridden(*args)
Warning: this is just empty shell for code implemented in other class.
abstract save_checkpoint(*args)
Warning: this is just empty shell for code implemented in other class.
callbacks: List[Callback] = None
checkpoint_callback: Optional[ModelCheckpoint] = None
ckpt_path: str = None
default_root_dir: str = None
logger: LightningLoggerBase = None
abstract property slurm_job_id
this is just empty shell for code implemented in other class.
Type Warning
Return type int
weights_save_path: Optional[str] = None
pytorch_lightning.trainer.callback_hook module
class pytorch_lightning.trainer.callback_hook.TrainerCallbackHookMixin
Bases: abc.ABC
on_batch_end()
Called when the training batch ends.
on_batch_start()
Called when the training batch begins.
on_epoch_end()
Called when the epoch ends.
on_epoch_start()
Called when the epoch begins.
on_fit_end()
Called when the trainer initialization begins, model has not yet been set.
on_fit_start()
Called when the trainer initialization begins, model has not yet been set.
on_init_end()
Called when the trainer initialization ends, model has not yet been set.
on_init_start()
Called when the trainer initialization begins, model has not yet been set.
on_keyboard_interrupt()
Called when the training is interrupted by KeyboardInterrupt.
on_sanity_check_end()
Called when the validation sanity check ends.
on_sanity_check_start()
Called when the validation sanity check starts.
on_test_batch_end()
Called when the test batch ends.
on_test_batch_start()
Called when the test batch begins.
on_test_end()
Called when the test ends.
on_test_start()
Called when the test begins.
on_train_end()
Called when the train ends.
on_train_start()
Called when the train begins.
on_validation_batch_end()
Called when the validation batch ends.
on_validation_batch_start()
Called when the validation batch begins.
on_validation_end()
Called when the validation loop ends.
on_validation_start()
Called when the validation loop begins.
setup(stage)
Called in the beginning of fit and test
teardown(stage)
Called at the end of fit and test
callbacks: List[pytorch_lightning.callbacks.base.Callback] = []
get_model: Callable = Ellipsis
pytorch_lightning.trainer.data_loading module
class pytorch_lightning.trainer.data_loading.TrainerDataLoadingMixin
Bases: abc.ABC
_check_batch_limits(name)
Return type None
_get_distributed_sampler(dataloader)
_reset_eval_dataloader(model, mode)
Generic method to reset a dataloader for evaluation.
Parameters
• model (LightningModule) – The current LightningModule
• mode (str) – Either ‘val’ or ‘test’
Return type Tuple[List[Union[int, float]], List[DataLoader]]
Returns Tuple (num_batches, dataloaders)
_worker_check(dataloader, name)
Return type None
auto_add_sampler(dataloader, train)
Return type DataLoader
determine_data_use_amount(overfit_batches)
Use less data for debugging purposes
Return type None
abstract is_overridden(*args)
Warning: this is just empty shell for code implemented in other class.
replace_sampler(dataloader, sampler)
request_dataloader(dataloader_fx)
Handles downloading data in the GPU or TPU case.
Parameters dataloader_fx (Callable) – The bound dataloader getter
Return type DataLoader
Returns The dataloader
reset_test_dataloader(model)
Resets the validation dataloader and determines the number of batches.
Parameters model – The current LightningModule
Return type None
reset_train_dataloader(model)
Resets the train dataloader and initialises required variables (number of batches, when to validate, etc.).
Parameters model (LightningModule) – The current LightningModule
Return type None
reset_val_dataloader(model)
Resets the validation dataloader and determines the number of batches.
pytorch_lightning.trainer.deprecated_api module
pytorch_lightning.trainer.distrib_data_parallel module
Lightning supports model training on a cluster managed by SLURM in the following cases:
1. Training on a single cpu or single GPU.
2. Train on multiple GPUs on the same node using DataParallel or DistributedDataParallel
3. Training across multiple GPUs on multiple different nodes via DistributedDataParallel.
# subclass of argparse
parser = HyperOptArgumentParser(strategy='random_search')
parser.add_argument('--learning_rate', default=0.002, type=float, help='the learning
˓→rate')
hparams = parser.parse_args()
Note: You must set Tunable=True for that argument to be considered in the permutation set. Otherwise test-tube will
use the default value. This flag is useful when you don’t want to search over an argument and want to use the default
instead.
(2). Define the cluster options in the SlurmCluster object (over 5 nodes and 8 gpus)
hyperparams = args.parse()
# init cluster
cluster = SlurmCluster(
hyperparam_optimizer=hyperparams,
log_path='/path/to/log/results/to',
python_cmd='python3'
)
# let the cluster know where to email for a change in job status (ie: complete, fail,
˓→etc...)
# set the job options. In this instance, we'll run 20 different models
# each with its own set of hyperparameters giving each one 1 GPU (ie: taking up 20
˓→GPUs)
cluster.per_experiment_nb_gpus = 8
cluster.per_experiment_nb_nodes = 5
(3). Make a main function with your model and trainer. Each job will call this function with a particular hparams
configuration.:
my_model = MyLightningModel()
Note: nb_trials specifies how many of the possible permutations to use. If using grid_search it will use the depth
first ordering. If using random_search it will use the first k shuffled options. FYI, random search has been shown to
be just as good as any Bayesian optimization method when using a reasonable number of samples (60), see this paper
for more information.
Walltime auto-resubmit
Lightning automatically resubmits jobs when they reach the walltime. Make sure to set the SIGUSR1 signal in your
SLURM script.:
When lightning receives the SIGUSR1 signal it will: 1. save a checkpoint with ‘hpc_ckpt’ in the name. 2. resubmit
the job using the SLURM_JOB_ID
When the script starts again, Lightning will: 1. search for a ‘hpc_ckpt’ checkpoint. 2. restore the model, optimizers,
schedulers, epoch, etc. . .
class pytorch_lightning.trainer.distrib_data_parallel.TrainerDDPMixin
Bases: abc.ABC
_set_horovod_backend()
check_horovod()
Raises a MisconfigurationException if the Trainer is not configured correctly for Horovod.
configure_slurm_ddp(num_gpu_nodes)
abstract copy_trainer_model_properties(*args)
Warning: this is just empty shell for code implemented in other class.
ddp_train(process_idx, model, is_master=False, proc_offset=0)
Entry point into a DP thread :param _sphinx_paramlinks_pytorch_lightning.trainer.distrib_data_parallel.TrainerDDPMixin.d
:param _sphinx_paramlinks_pytorch_lightning.trainer.distrib_data_parallel.TrainerDDPMixin.ddp_train.model:
:param _sphinx_paramlinks_pytorch_lightning.trainer.distrib_data_parallel.TrainerDDPMixin.ddp_train.cluster_obj:
:return:
determine_ddp_node_rank()
determine_local_rank()
static has_horovodrun()
Returns True if running with horovodrun using Gloo or OpenMPI.
abstract init_optimizers(*args)
Warning: this is just empty shell for code implemented in other class.
Return type Tuple[List, List, List]
init_tpu()
abstract is_function_implemented(*args)
Warning: this is just empty shell for code implemented in other class.
Return type bool
load_spawn_weights(original_model)
Load the temp weights saved in the process To recover the trained
model from the ddp process we load the saved weights :param
_sphinx_paramlinks_pytorch_lightning.trainer.distrib_data_parallel.TrainerDDPMixin.load_spawn_weights.model:
:return:
abstract reinit_scheduler_properties(*args)
Warning: this is just empty shell for code implemented in other class.
resolve_root_node_address(root_node)
abstract run_pretrain_routine(*args)
Warning: this is just empty shell for code implemented in other class.
abstract save_checkpoint(*args)
Warning: this is just empty shell for code implemented in other class.
save_spawn_weights(model)
Dump a temporary checkpoint after ddp ends to get weights out of the process :param
_sphinx_paramlinks_pytorch_lightning.trainer.distrib_data_parallel.TrainerDDPMixin.save_spawn_weights.model:
:return:
set_distributed_mode(distributed_backend)
set_nvidia_flags(is_slurm_managing_tasks, data_parallel_device_ids)
set_random_port()
When running DDP NOT managed by SLURM, the ports might collide
abstract setup(*args)
Warning: this is just empty shell for code implemented in other class.
Return type None
spawn_ddp_children(model)
amp_level: str = None
data_parallel_device_ids: ... = None
default_root_dir: str = None
distributed_backend: Optional[str] = None
pytorch_lightning.trainer.distrib_parts module
Root module for all distributed operations in Lightning. Currently supports training on CPU, GPU (dp, ddp, ddp2,
horovod) and TPU.
class pytorch_lightning.trainer.distrib_parts.TrainerDPMixin
Bases: abc.ABC
_TrainerDPMixin__transfer_batch_to_device(batch, device)
copy_trainer_model_properties(model)
dp_train(model)
abstract get_model()
Warning: this is just empty shell for code implemented in other class.
Return type LightningModule
horovod_train(model)
abstract init_optimizers(*args)
Warning: this is just empty shell for code implemented in other class.
Return type Tuple[List, List, List]
abstract is_function_implemented(*args)
Warning: this is just empty shell for code implemented in other class.
Return type bool
abstract reinit_scheduler_properties(*args)
Warning: this is just empty shell for code implemented in other class.
abstract run_pretrain_routine(*args)
Warning: this is just empty shell for code implemented in other class.
abstract setup(*args)
Warning: this is just empty shell for code implemented in other class.
Return type None
single_gpu_train(model)
tpu_train(tpu_core_idx, model)
transfer_batch_to_gpu(batch, gpu_id=None)
Transfers the data to the GPU.
Parameters
• batch (Any) – A tensor or collection of tensors.
• gpu_id (Optional[int]) – The id of the GPU device. If omitted, the first available
GPU is chosen.
Returns the tensor on the GPU device.
See also:
• move_data_to_device()
transfer_batch_to_tpu(batch, tpu_id=None)
Transfers the data to the TPU.
Parameters
• batch (Any) – A tensor or collection of tensors.
• tpu_id (Optional[int]) – The id of the TPU core. If omitted, the first available core
is chosen.
Returns the tensor on the TPU device.
See also:
• move_data_to_device()
Parameters tpu_cores (Union[int, str, List]) – An int 1 or string ‘1’ indicate that 1 core
with multi-processing should be used An int 8 or string ‘8’ indicate that all 8 cores with multi-
processing should be used A list of int or a string containing list of comma separated integer
indicates specific TPU core to use.
Return type Union[List[int], int, None]
Returns a list of tpu_cores to be used or None if no TPU cores were requested
pytorch_lightning.trainer.distrib_parts._parse_tpu_cores_str(tpu_cores)
pytorch_lightning.trainer.distrib_parts._tpu_cores_valid(tpu_cores)
pytorch_lightning.trainer.distrib_parts.determine_root_gpu_device(gpus)
Parameters gpus (List[int]) – non-empty list of ints representing which gpus to use
Return type Optional[int]
Returns designated root GPU device id
pytorch_lightning.trainer.distrib_parts.get_all_available_gpus()
Return type List[int]
Returns a list of all available gpus
pytorch_lightning.trainer.distrib_parts.pick_multiple_gpus(nb)
pytorch_lightning.trainer.distrib_parts.pick_single_gpu(exclude_gpus)
pytorch_lightning.trainer.distrib_parts.retry_jittered_backoff(func,
num_retries=5,
cap_delay=1.0,
base_delay=0.01)
Retry jittered backoff.
Based on: https://aws.amazon.com/blogs/architecture/exponential-backoff-and-jitter/
Parameters
• func (Callable) – tested function
• num_retries (int) – number of tries
• cap_delay (float) – max sleep time
• base_delay (float) – initial sleep time is 10ms
pytorch_lightning.trainer.distrib_parts.sanitize_gpu_ids(gpus)
Checks that each of the GPUs in the list is actually available. Raises a MisconfigurationException if any of the
GPUs is not available.
Parameters gpus (List[int]) – list of ints corresponding to GPU indices
Return type List[int]
Returns unmodified gpus variable
pytorch_lightning.trainer.evaluation_loop module
Validation loop
The lightning validation loop handles everything except the actual computations of your model. To decide what will
happen in your validation loop, define the validation_step function. Below are all the things lightning automates for
you in the validation loop.
Note: Lightning will run 5 steps of validation in the beginning of training as a sanity check so you don’t have to wait
until a full epoch to catch possible validation issues.
If you have a small dataset you might want to check validation every n epochs
# DEFAULT
trainer = Trainer(check_val_every_n_epoch=1)
If you don’t want to check 100% of the validation set (for debugging or if it’s huge), set this flag.
limit_val_batches will be overwritten by overfit_batches if overfit_batches > 0
# DEFAULT
trainer = Trainer(limit_val_batches=1.0)
If you don’t want to check 100% of the test set (for debugging or if it’s huge), set this flag.
limit_test_batches will be overwritten by overfit_batches if overfit_batches > 0
# DEFAULT
trainer = Trainer(limit_test_batches=1.0)
For large datasets it’s often desirable to check validation multiple times within a training loop. Pass in a float to
check that often within 1 training epoch. Pass in an int k to check every k training batches. Must use an int if
using an IterableDataset.
# DEFAULT
trainer = Trainer(val_check_interval=0.95)
# check every 100 train batches (ie: for IterableDatasets or fixed frequency)
trainer = Trainer(val_check_interval=100)
Lightning runs a few steps of validation in the beginning of training. This avoids crashing in the validation loop
sometime deep into a lengthy training loop.
# DEFAULT
trainer = Trainer(num_sanity_val_steps=5)
Second case is where you load a model and run the test set
model = MyLightningModule.load_from_checkpoint(
checkpoint_path='/path/to/pytorch_checkpoint.ckpt',
hparams_file='/path/to/test_tube/experiment/version/hparams.yaml',
map_location=None
)
In this second case, the options you pass to trainer will be used when running the test set (ie: 16-bit, dp, ddp,
etc. . . )
class pytorch_lightning.trainer.evaluation_loop.TrainerEvaluationLoopMixin
Bases: abc.ABC
_evaluate(model, dataloaders, max_batches, test_mode=False)
Run evaluation code.
Parameters
• model (LightningModule) – The model to evaluate.
• dataloaders (List[DataLoader]) – A list of PyTorch dataloaders.
• max_batches (Union[int, List[int]]) – An integer or list of integers with length
of the number of dataloaders. Each entry is the number of batches to process in the corre-
sponding dataloader.
• test_mode (bool) –
abstract add_progress_bar_metrics(*args)
Warning: this is just empty shell for code implemented in other class.
abstract copy_trainer_model_properties(*args)
Warning: this is just empty shell for code implemented in other class.
evaluation_forward(model, batch, batch_idx, dataloader_idx, test_mode=False)
abstract get_model()
Warning: this is just empty shell for code implemented in other class.
Return type LightningModule
abstract is_overridden(*args)
Warning: this is just empty shell for code implemented in other class.
abstract log_metrics(*args)
Warning: this is just empty shell for code implemented in other class.
reduce_eval_ddp(eval_results)
abstract reset_test_dataloader(*args)
Warning: this is just empty shell for code implemented in other class.
abstract reset_val_dataloader(*args)
Warning: this is just empty shell for code implemented in other class.
run_evaluation(test_mode=False)
abstract transfer_batch_to_gpu(*args)
Warning: this is just empty shell for code implemented in other class.
abstract transfer_batch_to_tpu(*args)
Warning: this is just empty shell for code implemented in other class.
callback_metrics: ... = None
current_epoch: int = None
data_parallel_device_ids: ... = None
fast_dev_run: ... = None
global_rank: int = None
model: LightningModule = None
num_test_batches: List[int] = None
pytorch_lightning.trainer.ignored_warnings module
pytorch_lightning.trainer.ignored_warnings.ignore_scalar_return_in_dp()
pytorch_lightning.trainer.logging module
class pytorch_lightning.trainer.logging.TrainerLoggingMixin
Bases: abc.ABC
add_progress_bar_metrics(metrics)
configure_logger(logger)
log_metrics(metrics, grad_norm_dic, step=None)
Logs the metric dict passed in. If step parameter is None and step key is presented is metrics, uses met-
rics[“step”] as a step
Parameters
• metrics (dict) – Metric values
pytorch_lightning.trainer.lr_finder module
Parameters
• model (LightningModule) – Model to do range testing for
• train_dataloader (Optional[DataLoader]) – A PyTorch DataLoader with
training samples. If the model has a predefined train_dataloader method this will be
skipped.
• min_lr (float) – minimum learning rate to investigate
• max_lr (float) – maximum learning rate to investigate
• num_training (int) – number of learning rates to test
• mode (str) – search strategy, either ‘linear’ or ‘exponential’. If set to ‘linear’ the learning
rate will be searched by linearly increasing after each batch. If set to ‘exponential’, will
increase learning rate exponentially.
• early_stop_threshold (float) – threshold for stopping the search. If the loss
at any point is larger than early_stop_threshold*best_loss then the search is stopped. To
disable, set to None.
• num_accumulation_steps – deprepecated, number of batches to calculate loss over.
Set trainer argument accumulate_grad_batches instead.
Example:
# Run lr finder
lr_finder = trainer.lr_find(model, ...)
# Inspect results
fig = lr_finder.plot(); fig.show()
suggested_lr = lr_finder.suggestion()
abstract restore(*args)
Warning: this is just empty shell for code implemented in other class.
abstract save_checkpoint(*args)
Warning: this is just empty shell for code implemented in other class.
default_root_dir: str = None
global_step: int = None
on_gpu: bool = None
progress_bar_callback: ... = None
total_batch_idx: int = None
_get_new_optimizer(optimizer)
Construct a new configure_optimizers() method, that has a optimizer with initial lr set to lr_min and
a scheduler that will either linearly or exponentially increase the lr to lr_max in num_training steps.
plot(suggest=False, show=False)
Plot results from lr_find run :type _sphinx_paramlinks_pytorch_lightning.trainer.lr_finder._LRFinder.plot.suggest:
bool :param _sphinx_paramlinks_pytorch_lightning.trainer.lr_finder._LRFinder.plot.suggest:
if True, will mark suggested lr to use with a red point :type
_sphinx_paramlinks_pytorch_lightning.trainer.lr_finder._LRFinder.plot.show: bool :param
_sphinx_paramlinks_pytorch_lightning.trainer.lr_finder._LRFinder.plot.show: if True, will show fig-
ure
suggestion(skip_begin=10, skip_end=1)
This will propose a suggestion for choice of initial learning rate as the point with the steepest negative
gradient.
Returns suggested initial learning rate to use skip_begin: how many samples to skip in the
beginning. Prevent too naive estimates skip_end: how many samples to skip in the end.
Prevent too optimistic estimates
Return type lr
class pytorch_lightning.trainer.lr_finder._LinearLR(optimizer, end_lr, num_iter,
last_epoch=-1)
Bases: torch.optim.lr_scheduler._LRScheduler
Linearly increases the learning rate between two boundaries over a number of iterations. :type
_sphinx_paramlinks_pytorch_lightning.trainer.lr_finder._LinearLR.optimizer: Optimizer :param
_sphinx_paramlinks_pytorch_lightning.trainer.lr_finder._LinearLR.optimizer: wrapped optimizer.
:type _sphinx_paramlinks_pytorch_lightning.trainer.lr_finder._LinearLR.end_lr: float :param
_sphinx_paramlinks_pytorch_lightning.trainer.lr_finder._LinearLR.end_lr: the final learning rate.
:type _sphinx_paramlinks_pytorch_lightning.trainer.lr_finder._LinearLR.num_iter: int :param
_sphinx_paramlinks_pytorch_lightning.trainer.lr_finder._LinearLR.num_iter: the number of iterations over
which the test occurs. :type _sphinx_paramlinks_pytorch_lightning.trainer.lr_finder._LinearLR.last_epoch:
int :param _sphinx_paramlinks_pytorch_lightning.trainer.lr_finder._LinearLR.last_epoch: the index of last
epoch. Default: -1.
get_lr()
base_lrs: Sequence = None
last_epoch: int = None
property lr
pytorch_lightning.trainer.lr_finder._nested_hasattr(obj, path)
pytorch_lightning.trainer.model_hooks module
class pytorch_lightning.trainer.model_hooks.TrainerModelHooksMixin
Bases: abc.ABC
abstract get_model()
Warning: this is just empty shell for code implemented in other class.
Return type LightningModule
has_arg(f_name, arg_name)
is_function_implemented(f_name, model=None)
is_overridden(method_name, model=None)
Return type bool
pytorch_lightning.trainer.optimizers module
class pytorch_lightning.trainer.optimizers.TrainerOptimizersMixin
Bases: abc.ABC
configure_schedulers(schedulers)
init_optimizers(model)
Return type Tuple[List, List, List]
reinit_scheduler_properties(optimizers, schedulers)
class pytorch_lightning.trainer.optimizers._MockOptimizer
Bases: torch.optim.optimizer.Optimizer
The _MockOptimizer will be used inplace of an optimizer in the event that None is returned from config-
ure_optimizers.
add_param_group(param_group)
load_state_dict(state_dict)
state_dict()
step(closure=None)
zero_grad()
pytorch_lightning.trainer.supporters module
class pytorch_lightning.trainer.supporters.TensorRunningAccum(window_length)
Bases: object
Tracks a running accumulation values (min, max, mean) without graph references.
Examples
_agg_memory(how)
append(x)
Add an element to the accumulator.
last()
Get the last added element.
max()
Get maximal value from stored elements.
mean()
Get mean value from stored elements.
min()
Get minimal value from stored elements.
reset()
Empty the accumulator.
Return type None
pytorch_lightning.trainer.trainer module
trainer.distrib_data_parallel.TrainerDDPMixin, pytorch_lightning.trainer.
logging.TrainerLoggingMixin, pytorch_lightning.trainer.training_tricks.
TrainerTrainingTricksMixin, pytorch_lightning.trainer.data_loading.
TrainerDataLoadingMixin, pytorch_lightning.trainer.evaluation_loop.
TrainerEvaluationLoopMixin, pytorch_lightning.trainer.training_loop.
TrainerTrainLoopMixin, pytorch_lightning.trainer.callback_config.
TrainerCallbackConfigMixin, pytorch_lightning.trainer.lr_finder.
TrainerLRFinderMixin, pytorch_lightning.trainer.deprecated_api.
TrainerDeprecatedAPITillVer0_9, pytorch_lightning.trainer.deprecated_api.
TrainerDeprecatedAPITillVer0_10
Example
• process_position (int) – orders the progress bar when running multiple models on
same machine.
• num_nodes (int) – number of GPU nodes for distributed training.
• nb_gpu_nodes –
• val_percent_check (Optional[float]) –
• test_percent_check (Optional[float]) –
Only arguments of the allowed types (str, float, int, bool) will extend the parent_parser.
Examples
barrier(name)
can_prepare_data()
check_model_configuration(model)
Checks that the model is configured correctly before training or testing is started.
Parameters model (LightningModule) – The model to check the configuration.
classmethod default_attributes()
fit(model, train_dataloader=None, val_dataloaders=None)
Runs the full optimization routine.
Parameters
• model (LightningModule) – Model to fit.
• train_dataloader (Optional[DataLoader]) – A Pytorch DataLoader with
training samples. If the model has a predefined train_dataloader method this will be
skipped.
• val_dataloaders (Union[DataLoader, List[DataLoader], None]) – Either
a single Pytorch Dataloader or a list of them, specifying validation samples. If the model
has a predefined val_dataloaders method this will be skipped
Example:
# Option 1,
# Define the train_dataloader() and val_dataloader() fxs
# in the lightningModule
# RECOMMENDED FOR MOST RESEARCH AND APPLICATIONS TO MAINTAIN READABILITY
trainer = Trainer()
model = LightningModule()
trainer.fit(model)
# Option 2
# in production cases we might want to pass different datasets to the same
˓→model
# Option 1 & 2 can be mixed, for example the training set can be
# defined as part of the model, and validation can then be feed to .fit()
Example
classmethod get_deprecated_arg_names()
Returns a list with deprecated Trainer arguments.
Return type List
classmethod get_init_arguments_and_types()
Scans the Trainer signature and returns argument names, types and default values.
Returns (argument name, set with argument types, argument default value).
Return type List with tuples of 3 values
Examples
static parse_argparser(arg_parser)
Parse CLI arguments, required for custom bool types.
Return type Namespace
run_pretrain_routine(model)
Sanity check a few things before starting actual training.
Parameters model (LightningModule) – The model to run sanity test on.
test(model=None, test_dataloaders=None, ckpt_path='best')
Separates from fit to make sure you never run on your test set until you want to.
Parameters
• model (Optional[LightningModule]) – The model to test.
• test_dataloaders (Union[DataLoader, List[DataLoader], None]) – Either
a single Pytorch Dataloader or a list of them, specifying validation samples.
• ckpt_path (Optional[str]) – Either best or path to the checkpoint you wish to
test. If None, use the weights from the last epoch to test. Default to best.
Example:
# Option 1
# run test with the best checkpoint from ``ModelCheckpoint`` after fitting.
test = DataLoader(...)
trainer = Trainer()
model = LightningModule()
trainer.fit(model)
(continues on next page)
# Option 2
# run test with the specified checkpoint after fitting
test = DataLoader(...)
trainer = Trainer()
model = LightningModule()
trainer.fit(model)
trainer.test(test_dataloaders=test, ckpt_path='path/to/checkpoint.ckpt')
# Option 3
# run test with the weights from the end of training after fitting
test = DataLoader(...)
trainer = Trainer()
model = LightningModule()
trainer.fit(model)
trainer.test(test_dataloaders=test, ckpt_path=None)
# Option 4
# run test from a loaded model. ``ckpt_path`` is ignored in this case.
test = DataLoader(...)
model = LightningModule.load_from_checkpoint('path/to/checkpoint.ckpt')
trainer = Trainer()
trainer.test(model, test_dataloaders=test)
on_gpu = None
on_tpu = None
optimizers = None
property progress_bar_callback
property progress_bar_dict
Read-only for progress bar metrics.
Return type dict
resume_from_checkpoint = None
root_gpu = None
scaler = None
property slurm_job_id
this is just empty shell for code implemented in other class.
Type Warning
Return type Optional[int]
use_ddp = None
use_ddp2 = None
use_horovod = None
weights_save_path = None
class pytorch_lightning.trainer.trainer._PatchDataLoader(dataloader)
Bases: object
Callable object for patching dataloaders passed into trainer.fit(). Use this class to override model.*_dataloader()
and be pickle-compatible.
Parameters dataloader (Union[List[DataLoader], DataLoader]) – Dataloader object
to return when called.
__call__()
Call self as a function.
Return type Union[List[DataLoader], DataLoader]
pytorch_lightning.trainer.trainer._determine_limit_batches(batches)
Return type Union[int, float]
pytorch_lightning.trainer.training_io module
Checkpointing is enabled by default to the current working directory. To change the checkpoint path pass in:
Trainer(default_root_dir='/your/path/to/save/checkpoints')
trainer = Trainer(checkpoint_callback=checkpoint_callback)
You might want to not only load a model but also continue training it. Use this method to restore the trainer state as
well. This will continue from the epoch and global step you last left off. However, the dataloaders will start from the
first batch again (if you shuffled it shouldn’t matter).
Lightning will restore the session if you pass a logger with the same version and there’s a saved checkpoint.
trainer = Trainer(
resume_from_checkpoint=PATH
)
self.global_step = checkpoint['global_step']
self.current_epoch = checkpoint['epoch']
class pytorch_lightning.trainer.training_io.TrainerIOMixin
Bases: abc.ABC
_atomic_save(checkpoint, filepath)
Saves a checkpoint atomically, avoiding the creation of incomplete checkpoints.
This will create a temporary checkpoint with a suffix of .part, then copy it to the final location once
saving is finished.
Parameters
• checkpoint – The object to save. Built to be used with the dump_checkpoint
method, but can deal with anything which torch.save accepts.
• filepath (str) – The path to which the checkpoint will be saved. This points to the
file that the checkpoint will be stored in.
dump_checkpoint(weights_only=False)
Creating model checkpoint.
Parameters weights_only (bool) – saving model weights only
Return type dict
Returns structured dictionary
get_model()
hpc_load(folderpath, on_gpu)
hpc_save(folderpath, logger)
max_ckpt_in_folder(path, name_key='ckpt_')
register_slurm_signal_handlers()
restore(checkpoint_path, on_gpu)
Restore training state from checkpoint. Also restores all training state like: - epoch - callbacks - schedulers
- optimizer
restore_hpc_weights_if_needed(model)
If there is a set of hpc weights, use as signal to restore model.
restore_training_state(checkpoint)
Restore trainer state. Model will get its change to update :param
_sphinx_paramlinks_pytorch_lightning.trainer.training_io.TrainerIOMixin.restore_training_state.checkpoint:
:return:
restore_weights(model)
We attempt to restore weights in this order: 1. HPC weights. 2. if no HPC weights restore checkpoint_path
weights 3. otherwise don’t restore weights
save_checkpoint(filepath, weights_only=False)
sig_handler(signum, frame)
term_handler(signum, frame)
accumulate_grad_batches: int = None
checkpoint_callback: ... = None
early_stop_callback: ... = None
global_rank: int = None
logger: LightningLoggerBase = None
lr_schedulers: ... = None
model: LightningModule = None
num_training_batches: int = None
on_gpu: bool = None
on_tpu: bool = None
optimizers: ... = None
resume_from_checkpoint: ... = None
root_gpu: ... = None
scaler: ... = None
use_amp: bool = None
use_ddp: bool = None
use_ddp2: bool = None
use_horovod: bool = None
weights_save_path: str = None
pytorch_lightning.trainer.training_loop module
The lightning training loop handles everything except the actual computations of your model. To decide what
will happen in your training loop, define the training_step function.
Below are all the things lightning automates for you in the training loop.
Accumulated gradients
Accumulated gradients runs K small batches of size N before doing a backwards pass. The effect is a large ef-
fective batch size of size KxN.
It can be useful to force training for a minimum number of epochs or limit to a max number
# DEFAULT
trainer = Trainer(min_epochs=1, max_epochs=1000)
# DEFAULT
trainer = Trainer(early_stop_callback=None)
Gradient Clipping
Gradient clipping may be enabled to avoid exploding gradients. Specifically, this will clip the gradient norm com-
puted over all model parameters `together.
Looking at grad norms can help you figure out where training might be going wrong.
If you don’t want to check 100% of the training set (for debugging or if it’s huge), set this flag.
limit_train_batches will be overwritten by overfit_batches if overfit_batches > 0
# DEFAULT
trainer = Trainer(limit_train_batches=1.0)
When using PackedSequence, do 2 things: 1. return either a padded tensor in dataset or a list of variable length
tensors in the dataloader collate_fn (example above shows the list implementation). 2. Pack the sequence in forward
or training and validation steps depending on use case.
# In module
def training_step(self, batch, batch_idx):
x = rnn.pack_sequence(batch[0], enforce_sorted=False)
y = rnn.pack_sequence(batch[1], enforce_sorted=False)
There are times when multiple backwards passes are needed for each batch. For example, it may save memory
to use Truncated Backpropagation Through Time when training RNNs.
When this flag is enabled each batch is split into sequences of size truncated_bptt_steps and passed to train-
ing_step(. . . ) separately. A default splitting function is provided, however, you can override it for more flexibil-
ity. See tbptt_split_batch.
When the terminate_on_nan flag is enabled, after every forward pass during training, Lightning will check that
1. the loss you return in training_step is finite (not NaN and not +/-inf)
2. the model parameters have finite values.
Lightning will terminate the training loop with an error message if NaN or infinite values are detected. If this happens,
you should investigate numerically unstable operations in your model.
class pytorch_lightning.trainer.training_loop.TrainerTrainLoopMixin
Bases: abc.ABC
_get_optimizers_iterable()
abstract add_progress_bar_metrics(*args)
Warning: this is just empty shell for code implemented in other class.
train()
training_forward(batch, batch_idx, opt_idx, hiddens)
Handle forward for each training case (distributed, single gpu, etc. . . ) :param
_sphinx_paramlinks_pytorch_lightning.trainer.training_loop.TrainerTrainLoopMixin.training_forward.batch:
:param _sphinx_paramlinks_pytorch_lightning.trainer.training_loop.TrainerTrainLoopMixin.training_forward.batch_idx:
:return:
abstract transfer_batch_to_gpu(*args)
Warning: this is just empty shell for code implemented in other class.
abstract transfer_batch_to_tpu(*args)
Warning: this is just empty shell for code implemented in other class.
update_learning_rates(interval)
Update learning rates.
Parameters interval (str) – either ‘epoch’ or ‘step’.
update_train_loop_lr_schedulers()
accumulate_grad_batches: int = None
accumulation_scheduler: ... = None
batch_idx: int = None
callback_metrics: ... = None
callbacks: List[Callback] = None
check_val_every_n_epoch: ... = None
data_parallel_device_ids: ... = None
disable_validation: bool = None
early_stop_callback: ... = None
fast_dev_run: ... = None
global_rank: int = None
global_step: int = None
interactive_ddp_procs: ... = None
interrupted: bool = None
log_save_interval: float = None
logger: Union[LightningLoggerBase, bool] = None
lr_schedulers: ... = None
max_epochs: int = None
max_steps: int = None
min_epochs: int = None
min_steps: int = None
model: LightningModule = None
num_training_batches: int = None
on_batch_end: Callable = None
pytorch_lightning.trainer.training_tricks module
class pytorch_lightning.trainer.training_tricks.TrainerTrainingTricksMixin
Bases: abc.ABC
_TrainerTrainingTricksMixin__scale_batch_dump_params()
_TrainerTrainingTricksMixin__scale_batch_reset_params(model, steps_per_trial)
_TrainerTrainingTricksMixin__scale_batch_restore_params()
clip_gradients()
configure_accumulated_gradients(accumulate_grad_batches)
detect_nan_tensors(loss)
Return type None
abstract fit(*args)
Warning: this is just empty shell for code implemented in other class.
abstract get_model()
Warning: this is just empty shell for code implemented in other class.
Return type LightningModule
print_nan_gradients()
Return type None
abstract restore(*args)
Warning: this is just empty shell for code implemented in other class.
abstract save_checkpoint(*args)
Warning: this is just empty shell for code implemented in other class.
scale_batch_size(model, mode='power', steps_per_trial=3, init_val=2, max_trials=25,
batch_arg_name='batch_size')
Will iteratively try to find the largest batch size for a given model that does not give an out of memory
(OOM) error.
Parameters
• model (LightningModule) – Model to fit.
• mode (str) – string setting the search mode. Either power or binsearch. If mode is
power we keep multiplying the batch size by 2, until we get an OOM error. If mode is
‘binsearch’, we will initially also keep multiplying by 2 and after encountering an OOM
error do a binary search between the last successful batch size and the batch size that
failed.
• steps_per_trial (int) – number of steps to run with a given batch size. Idealy 1
should be enough to test if a OOM error occurs, however in practise a few are needed
• init_val (int) – initial batch size to start the search with
• max_trials (int) – max number of increase in batch size done before algorithm is
terminated
default_root_dir: str = None
gradient_clip_val: ... = None
on_gpu: bool = None
precision: int = None
Parameters
• trainer – instance of pytorch_lightning.Trainer
• batch_arg_name (str) – field where batch_size is stored in model.hparams
• factor (float) – value which the old batch size is multiplied by to get the new batch
size
• value (Optional[int]) – if a value is given, will override the batch size with this value.
Note that the value of factor will not have an effect in this case
• desc (Optional[str]) – either succeeded or failed. Used purely for logging
pytorch_lightning.trainer.training_tricks._run_binsearch_scaling(trainer,
model,
new_size,
batch_arg_name,
max_trials)
Batch scaling mode where the size is initially is doubled at each iteration until an OOM error is encountered.
Hereafter, the batch size is further refined using a binary search
pytorch_lightning.trainer.training_tricks._run_power_scaling(trainer, model,
new_size,
batch_arg_name,
max_trials)
Batch scaling mode where the size is doubled at each iteration until an OOM error is encountered.
General utilities
36.8.1 Submodules
pytorch_lightning.utilities.apply_func module
class pytorch_lightning.utilities.apply_func.TransferableDataType
Bases: abc.ABC
A custom type for data that can be moved to a torch device via .to(. . . ).
Example
• torch.Tensor.to()
• torch.device
pytorch_lightning.utilities.cloud_io module
pytorch_lightning.utilities.cloud_io.load(path_or_url, map_location=None)
pytorch_lightning.utilities.device_dtype_mixin module
class pytorch_lightning.utilities.device_dtype_mixin.DeviceDtypeModuleMixin(*args,
**kwargs)
Bases: torch.nn.Module
cpu()
Moves all model parameters and buffers to the CPU. :returns: self :rtype: Module
cuda(device=None)
Moves all model parameters and buffers to the GPU. This also makes associated parameters and buffers
different objects. So it should be called before constructing optimizer if the module will live on GPU while
being optimized.
Parameters device (Optional[int]) – if specified, all parameters will be copied to that
device
Returns self
Return type Module
double()
Casts all floating point parameters and buffers to double datatype.
Returns self
Return type Module
float()
Casts all floating point parameters and buffers to float datatype.
Returns self
Return type Module
half()
Casts all floating point parameters and buffers to half datatype.
Returns self
Return type Module
to(*args, **kwargs)
Moves and/or casts the parameters and buffers.
This can be called as .. function:: to(device=None, dtype=None, non_blocking=False) .. function::
to(dtype, non_blocking=False) .. function:: to(tensor, non_blocking=False) Its signature is similar to
torch.Tensor.to(), but only accepts floating point desired dtype s. In addition, this method will
only cast the floating point parameters and buffers to dtype (if given). The integral parameters and
buffers will be moved device, if that is given, but with dtypes unchanged. When non_blocking is
set, it tries to convert/move asynchronously with respect to the host if possible, e.g., moving CPU Tensors
with pinned memory to CUDA devices. See below for examples.
Parameters
• device – the desired device of the parameters and buffers in this module
• dtype – the desired floating point type of the floating point parameters and buffers in this
module
• tensor – Tensor whose dtype and device are the desired dtype and device for all param-
eters and buffers in this module
Returns self
Return type Module
Example::
type(dst_type)
Casts all parameters and buffers to dst_type.
Parameters dst_type (type or string) – the desired type
Returns self
Return type Module
_device: ... = None
_dtype: Union[str, torch.dtype] = None
property device
Return type Union[str, device]
property dtype
Return type Union[str, dtype]
pytorch_lightning.utilities.distributed module
pytorch_lightning.utilities.distributed._debug(*args, **kwargs)
pytorch_lightning.utilities.distributed._info(*args, **kwargs)
pytorch_lightning.utilities.distributed._warn(*args, **kwargs)
pytorch_lightning.utilities.distributed.rank_zero_debug(*args, **kwargs)
pytorch_lightning.utilities.distributed.rank_zero_info(*args, **kwargs)
pytorch_lightning.utilities.distributed.rank_zero_only(fn)
pytorch_lightning.utilities.distributed.rank_zero_warn(*args, **kwargs)
pytorch_lightning.utilities.exceptions module
exception pytorch_lightning.utilities.exceptions.MisconfigurationException
Bases: Exception
pytorch_lightning.utilities.memory module
pytorch_lightning.utilities.memory.garbage_collection_cuda()
Garbage collection Torch (CUDA) memory.
pytorch_lightning.utilities.memory.is_cuda_out_of_memory(exception)
pytorch_lightning.utilities.memory.is_cudnn_snafu(exception)
pytorch_lightning.utilities.memory.is_oom_error(exception)
pytorch_lightning.utilities.memory.is_out_of_cpu_memory(exception)
pytorch_lightning.utilities.memory.recursive_detach(in_dict)
Detach all tensors in in_dict.
May operate recursively if some of the values in in_dict are dictionaries which contain instances of torch.Tensor.
Other types in in_dict are not affected by this utility function.
Parameters in_dict (dict) –
Returns
Return type out_dict
pytorch_lightning.utilities.parsing module
class pytorch_lightning.utilities.parsing.AttributeDict
Bases: dict
Extended dictionary accesisable with dot notation.
>>> ad = AttributeDict({'key1': 1, 'key2': 'abc'})
>>> ad.key1
1
>>> ad.update({'my-key': 3.14})
>>> ad.update(mew_key=42)
>>> ad.key1 = 2
>>> ad
(continues on next page)
pytorch_lightning.utilities.parsing.clean_namespace(hparams)
Removes all functions from hparams so we can pickle.
pytorch_lightning.utilities.parsing.collect_init_args(frame, path_args, in-
side=False)
Recursively collects the arguments passed to the child constructors in the inheritance tree.
Parameters
• frame – the current stack frame
• path_args (list) – a list of dictionaries containing the constructor args in all parent
classes
• inside (bool) – track if we are inside inheritance path, avoid terminating too soon
Return type list
Returns A list of dictionaries where each dictionary contains the arguments passed to the constructor
at that level. The last entry corresponds to the constructor call of the most specific class in the
hierarchy.
pytorch_lightning.utilities.parsing.get_init_args(frame)
Return type dict
pytorch_lightning.utilities.parsing.str_to_bool(val)
Convert a string representation of truth to true (1) or false (0). Copied from the python implementation distu-
tils.utils.strtobool
True values are ‘y’, ‘yes’, ‘t’, ‘true’, ‘on’, and ‘1’; false values are ‘n’, ‘no’, ‘f’, ‘false’, ‘off’, and ‘0’. Raises
ValueError if ‘val’ is anything else.
>>> str_to_bool('YES')
1
>>> str_to_bool('FALSE')
0
pytorch_lightning.utilities.seed module
p 424
pytorch_lightning.callbacks, 326 pytorch_lightning.metrics.sklearns, 426
pytorch_lightning.callbacks.base, 334 pytorch_lightning.overrides, 438
pytorch_lightning.overrides.data_parallel,
pytorch_lightning.callbacks.early_stopping,
336 438
pytorch_lightning.profiler,
pytorch_lightning.callbacks.gradient_accumulation_scheduler, 439
337 pytorch_lightning.profiler.profilers,
pytorch_lightning.callbacks.lr_logger, 443
337 pytorch_lightning.trainer, 445
pytorch_lightning.trainer.auto_mix_precision,
pytorch_lightning.callbacks.model_checkpoint,
338 473
pytorch_lightning.callbacks.progress, pytorch_lightning.trainer.callback_config,
340 474
pytorch_lightning.core, 257 pytorch_lightning.trainer.callback_hook,
pytorch_lightning.core.decorators, 289 474
pytorch_lightning.core.grads, 290 pytorch_lightning.trainer.data_loading,
pytorch_lightning.core.hooks, 290 476
pytorch_lightning.core.lightning, 293 pytorch_lightning.trainer.deprecated_api,
pytorch_lightning.core.memory, 319 477
pytorch_lightning.core.saving, 322 pytorch_lightning.trainer.distrib_data_parallel,
pytorch_lightning.loggers, 344 478
pytorch_lightning.loggers.base, 361 pytorch_lightning.trainer.distrib_parts,
pytorch_lightning.loggers.comet, 365 482
pytorch_lightning.loggers.mlflow, 368 pytorch_lightning.trainer.evaluation_loop,
pytorch_lightning.loggers.neptune, 369 486
pytorch_lightning.loggers.tensorboard, pytorch_lightning.trainer.ignored_warnings,
374 489
pytorch_lightning.loggers.test_tube, 376 pytorch_lightning.trainer.logging, 489
pytorch_lightning.loggers.wandb, 378 pytorch_lightning.trainer.lr_finder, 490
pytorch_lightning.metrics, 379 pytorch_lightning.trainer.model_hooks,
pytorch_lightning.metrics.classification, 494
407 pytorch_lightning.trainer.optimizers,
pytorch_lightning.metrics.converters, 494
419 pytorch_lightning.trainer.supporters,
pytorch_lightning.metrics.functional, 494
395 pytorch_lightning.trainer.trainer, 496
pytorch_lightning.trainer.training_io,
pytorch_lightning.metrics.functional.classification,
395 506
pytorch_lightning.trainer.training_loop,
pytorch_lightning.metrics.functional.reduction,
407 509
pytorch_lightning.metrics.metric, 422 pytorch_lightning.trainer.training_tricks,
pytorch_lightning.metrics.regression, 515
523
PyTorch-Lightning Documentation, Release 0.8.5-dev
pytorch_lightning.utilities, 516
pytorch_lightning.utilities.apply_func,
516
pytorch_lightning.utilities.cloud_io,
518
pytorch_lightning.utilities.device_dtype_mixin,
518
pytorch_lightning.utilities.distributed,
520
pytorch_lightning.utilities.exceptions,
520
pytorch_lightning.utilities.memory, 520
pytorch_lightning.utilities.parsing, 520
pytorch_lightning.utilities.seed, 521
525
PyTorch-Lightning Documentation, Release 0.8.5-dev
526 Index
PyTorch-Lightning Documentation, Release 0.8.5-dev
Index 527
PyTorch-Lightning Documentation, Release 0.8.5-dev
528 Index
PyTorch-Lightning Documentation, Release 0.8.5-dev
Index 529
PyTorch-Lightning Documentation, Release 0.8.5-dev
530 Index
PyTorch-Lightning Documentation, Release 0.8.5-dev
Index 531
PyTorch-Lightning Documentation, Release 0.8.5-dev
532 Index
PyTorch-Lightning Documentation, Release 0.8.5-dev
Index 533
PyTorch-Lightning Documentation, Release 0.8.5-dev
534 Index
PyTorch-Lightning Documentation, Release 0.8.5-dev
Index 535
PyTorch-Lightning Documentation, Release 0.8.5-dev
536 Index
PyTorch-Lightning Documentation, Release 0.8.5-dev
Index 537
PyTorch-Lightning Documentation, Release 0.8.5-dev
538 Index
PyTorch-Lightning Documentation, Release 0.8.5-dev
Index 539
PyTorch-Lightning Documentation, Release 0.8.5-dev
540 Index
PyTorch-Lightning Documentation, Release 0.8.5-dev
Index 541
PyTorch-Lightning Documentation, Release 0.8.5-dev
542 Index
PyTorch-Lightning Documentation, Release 0.8.5-dev
Index 543
PyTorch-Lightning Documentation, Release 0.8.5-dev
544 Index
PyTorch-Lightning Documentation, Release 0.8.5-dev
Index 545
PyTorch-Lightning Documentation, Release 0.8.5-dev
546 Index
PyTorch-Lightning Documentation, Release 0.8.5-dev
Index 547
PyTorch-Lightning Documentation, Release 0.8.5-dev
548 Index
PyTorch-Lightning Documentation, Release 0.8.5-dev
Index 549
PyTorch-Lightning Documentation, Release 0.8.5-dev
550 Index
PyTorch-Lightning Documentation, Release 0.8.5-dev
Index 551
PyTorch-Lightning Documentation, Release 0.8.5-dev
552 Index
PyTorch-Lightning Documentation, Release 0.8.5-dev
Index 553
PyTorch-Lightning Documentation, Release 0.8.5-dev
summarize() (pytorch_lightning.core.lightning.LightningModule
TensorMetric (class in py-
method), 302 torch_lightning.metrics.metric), 423
summarize() (pytorch_lightning.core.LightningModule TensorRunningAccum (class in py-
method), 272 torch_lightning.trainer.supporters), 494
summarize() (pytorch_lightning.core.memory.ModelSummary term_handler() (py-
method), 321 torch_lightning.trainer.training_io.TrainerIOMixin
summary() (pytorch_lightning.profiler.AdvancedProfiler method), 508
method), 442 terminate_on_nan (py-
summary() (pytorch_lightning.profiler.BaseProfiler torch_lightning.trainer.training_loop.TrainerTrainLoopMixin
method), 441 attribute), 514
summary() (pytorch_lightning.profiler.PassThroughProfilertest() (pytorch_lightning.trainer.Trainer method), 471
method), 442 test() (pytorch_lightning.trainer.trainer.Trainer
summary() (pytorch_lightning.profiler.profilers.AdvancedProfiler method), 504
method), 443 test_batch_idx() (py-
summary() (pytorch_lightning.profiler.profilers.BaseProfiler torch_lightning.callbacks.progress.ProgressBarBase
method), 444 property), 343
summary() (pytorch_lightning.profiler.profilers.PassThroughProfiler
test_batch_idx() (py-
method), 444 torch_lightning.callbacks.ProgressBarBase
summary() (pytorch_lightning.profiler.profilers.SimpleProfiler property), 332
method), 444 test_dataloader() (py-
summary() (pytorch_lightning.profiler.SimpleProfiler torch_lightning.core.lightning.LightningModule
method), 441 method), 303
sync_ddp() (in module py- test_dataloader() (py-
torch_lightning.metrics.converters), 421 torch_lightning.core.LightningModule
sync_horovod() (py- method), 273
torch_lightning.trainer.training_loop.TrainerTrainLoopMixin
test_dataloaders (py-
method), 512 torch_lightning.trainer.data_loading.TrainerDataLoadingMixin
attribute), 477
T test_dataloaders (py-
tbptt_split_batch() (py- torch_lightning.trainer.evaluation_loop.TrainerEvaluationLoopM
torch_lightning.core.lightning.LightningModule attribute), 489
method), 303 test_end() (pytorch_lightning.core.lightning.LightningModule
tbptt_split_batch() (py- method), 304
torch_lightning.core.LightningModule test_end() (pytorch_lightning.core.LightningModule
method), 273 method), 274
teardown() (pytorch_lightning.callbacks.base.Callback test_epoch_end() (py-
method), 336 torch_lightning.core.lightning.LightningModule
teardown() (pytorch_lightning.callbacks.Callback method), 304
method), 327 test_epoch_end() (py-
teardown() (pytorch_lightning.core.hooks.ModelHooks torch_lightning.core.LightningModule
method), 292 method), 274
test_percent_check()
teardown() (pytorch_lightning.trainer.callback_hook.TrainerCallbackHookMixin (py-
method), 475 torch_lightning.trainer.deprecated_api.TrainerDeprecatedAPITill
tensor_collection_metric() (in module py- property), 478
torch_lightning.metrics.converters), 421 test_step() (pytorch_lightning.core.lightning.LightningModule
tensor_metric() (in module py- method), 306
torch_lightning.metrics.converters), 421 test_step() (pytorch_lightning.core.LightningModule
TensorBoardLogger (class in py- method), 276
torch_lightning.loggers), 347 test_step_end() (py-
TensorBoardLogger (class in py- torch_lightning.core.lightning.LightningModule
torch_lightning.loggers.tensorboard), 374 method), 307
TensorCollectionMetric (class in py- test_step_end() (py-
torch_lightning.metrics.metric), 422 torch_lightning.core.LightningModule
method), 277
554 Index
PyTorch-Lightning Documentation, Release 0.8.5-dev
Index 555
PyTorch-Lightning Documentation, Release 0.8.5-dev
556 Index
PyTorch-Lightning Documentation, Release 0.8.5-dev
Index 557
PyTorch-Lightning Documentation, Release 0.8.5-dev
558 Index