2019-08-06 20:37:58 +00:00
< div align = "center" >
2020-03-24 18:50:35 +00:00
![Logo ](docs/source/_images/logos/lightning_logo.svg )
2019-03-31 19:32:35 +00:00
2019-08-05 20:02:48 +00:00
# PyTorch Lightning
2019-09-14 06:18:33 +00:00
**The lightweight PyTorch wrapper for ML researchers. Scale your models. Write less boilerplate.**
2019-08-05 20:02:48 +00:00
[![PyPI Status ](https://badge.fury.io/py/pytorch-lightning.svg )](https://badge.fury.io/py/pytorch-lightning)
2019-08-18 23:17:25 +00:00
[![PyPI Status ](https://pepy.tech/badge/pytorch-lightning )](https://pepy.tech/project/pytorch-lightning)
2020-03-14 17:01:57 +00:00
[![codecov ](https://codecov.io/gh/PyTorchLightning/pytorch-lightning/branch/master/graph/badge.svg )](https://codecov.io/gh/PyTorchLightning/pytorch-lightning)
2020-02-14 11:49:32 +00:00
[![CodeFactor ](https://www.codefactor.io/repository/github/pytorchlightning/pytorch-lightning/badge )](https://www.codefactor.io/repository/github/pytorchlightning/pytorch-lightning)
2019-08-18 23:15:09 +00:00
2020-03-07 00:16:29 +00:00
[![ReadTheDocs ](https://readthedocs.org/projects/pytorch-lightning/badge/?version=0.7.1 )](https://pytorch-lightning.readthedocs.io/en/0.7.1/)
2019-12-05 00:21:52 +00:00
[![Slack ](https://img.shields.io/badge/slack-chat-green.svg?logo=slack )](https://join.slack.com/t/pytorch-lightning/shared_invite/enQtODU5ODIyNTUzODQwLTFkMDg5Mzc1MDBmNjEzMDgxOTVmYTdhYjA1MDdmODUyOTg2OGQ1ZWZkYTQzODhhNzdhZDA3YmNhMDhlMDY4YzQ)
2020-01-14 12:05:26 +00:00
[![license ](https://img.shields.io/badge/License-Apache%202.0-blue.svg )](https://github.com/PytorchLightning/pytorch-lightning/blob/master/LICENSE)
2020-03-06 21:31:04 +00:00
[![Next Release ](https://img.shields.io/badge/Next%20Release-May%2006-<COLOR>.svg )](https://shields.io/)
2019-10-06 16:20:13 +00:00
2020-03-27 12:36:50 +00:00
<!--
2019-08-15 13:54:29 +00:00
removed until codecov badge isn't empy. likely a config error showing nothing on master.
[![codecov ](https://codecov.io/gh/Borda/pytorch-lightning/branch/master/graph/badge.svg )](https://codecov.io/gh/Borda/pytorch-lightning)
-->
2019-08-06 20:37:58 +00:00
< / div >
2019-08-05 20:02:48 +00:00
2020-02-14 11:49:32 +00:00
---
## Continuous Integration
< center >
2020-03-11 19:39:59 +00:00
| System / PyTorch ver. | 1.1 | 1.2 | 1.3 | 1.4 |
2020-02-14 11:49:32 +00:00
| :---: | :---: | :---: | :---: | :---: |
2020-03-11 19:39:59 +00:00
| Linux py3.6 [CPU] | [![CircleCI ](https://circleci.com/gh/PyTorchLightning/pytorch-lightning.svg?style=svg )](https://circleci.com/gh/PyTorchLightning/pytorch-lightning) | [![CircleCI ](https://circleci.com/gh/PyTorchLightning/pytorch-lightning.svg?style=svg )](https://circleci.com/gh/PyTorchLightning/pytorch-lightning) | [![CircleCI ](https://circleci.com/gh/PyTorchLightning/pytorch-lightning.svg?style=svg )](https://circleci.com/gh/PyTorchLightning/pytorch-lightning) | [![CircleCI ](https://circleci.com/gh/PyTorchLightning/pytorch-lightning.svg?style=svg )](https://circleci.com/gh/PyTorchLightning/pytorch-lightning) |
| Linux py3.7 [GPU] | < center > —</ center > | < center > —</ center > | < center > —</ center > | [![Build Status ](http://35.192.60.23/api/badges/PyTorchLightning/pytorch-lightning/status.svg )](http://35.192.60.23/PyTorchLightning/pytorch-lightning) |
2020-03-24 18:50:35 +00:00
| Linux py3.6 / py3.7 | [![CI testing ](https://github.com/PyTorchLightning/pytorch-lightning/workflows/CI%20testing/badge.svg?event=push )](https://github.com/PyTorchLightning/pytorch-lightning/actions?query=workflow%3A%22CI+testing%22) | < center > —</ center > | < center > —</ center > | [![CI testing ](https://github.com/PyTorchLightning/pytorch-lightning/workflows/CI%20testing/badge.svg?event=push )](https://github.com/PyTorchLightning/pytorch-lightning/actions?query=workflow%3A%22CI+testing%22) |
| OSX py3.6 / py3.7| [![CI testing ](https://github.com/PyTorchLightning/pytorch-lightning/workflows/CI%20testing/badge.svg?event=push )](https://github.com/PyTorchLightning/pytorch-lightning/actions?query=workflow%3A%22CI+testing%22) | < center > —</ center > | < center > —</ center > | [![CI testing ](https://github.com/PyTorchLightning/pytorch-lightning/workflows/CI%20testing/badge.svg?event=push )](https://github.com/PyTorchLightning/pytorch-lightning/actions?query=workflow%3A%22CI+testing%22) |
| Windows py3.6 / py3.7 | [![CI testing ](https://github.com/PyTorchLightning/pytorch-lightning/workflows/CI%20testing/badge.svg?event=push )](https://github.com/PyTorchLightning/pytorch-lightning/actions?query=workflow%3A%22CI+testing%22) | < center > —</ center > | < center > —</ center > | [![CI testing ](https://github.com/PyTorchLightning/pytorch-lightning/workflows/CI%20testing/badge.svg?event=push )](https://github.com/PyTorchLightning/pytorch-lightning/actions?query=workflow%3A%22CI+testing%22) |
2020-02-14 11:49:32 +00:00
< / center >
2019-08-05 20:02:48 +00:00
Simple installation from PyPI
2019-03-31 19:32:35 +00:00
```bash
2020-03-27 12:36:50 +00:00
pip install pytorch-lightning
2019-03-31 19:32:35 +00:00
```
2019-03-31 00:50:32 +00:00
2020-03-27 12:36:50 +00:00
## Docs
- [master ](https://pytorch-lightning.readthedocs.io/en/latest )
2020-03-07 00:16:29 +00:00
- [0.7.1 ](https://pytorch-lightning.readthedocs.io/en/0.7.1/ )
2020-01-21 22:22:48 +00:00
- [0.6.0 ](https://pytorch-lightning.readthedocs.io/en/0.6.0/ )
- [0.5.3.2 ](https://pytorch-lightning.readthedocs.io/en/0.5.3.2/ )
2019-03-31 19:39:39 +00:00
2020-03-27 12:36:50 +00:00
## Demo
[MNIST, GAN, BERT on COLAB! ](https://colab.research.google.com/drive/1F_RNcHzTfFuQf-LeKvSlud6x7jXYkG31#scrollTo=HOk9c4_35FKg )
2020-03-07 12:19:59 +00:00
[MNIST on TPUs ](https://colab.research.google.com/drive/1-_LKx4HwAxl5M6xPJmqAAu444LTDQoa3 )
2019-12-08 08:09:03 +00:00
2020-03-02 03:27:37 +00:00
## What is it?
2020-03-27 12:36:50 +00:00
Lightning is a way to organize your PyTorch code to decouple the science code from the engineering. It's more of a style-guide than a framework.
2020-03-02 03:41:39 +00:00
2020-03-06 16:35:15 +00:00
To use Lightning, first refactor your research code into a [LightningModule ](https://pytorch-lightning.readthedocs.io/en/latest/lightning-module.html ).
2019-12-12 18:36:17 +00:00
2020-03-06 16:35:15 +00:00
![PT to PL ](docs/source/_images/lightning_module/pt_to_pl.png )
2020-03-02 03:27:37 +00:00
2020-03-06 16:35:15 +00:00
And Lightning automates the rest using the [Trainer ](https://pytorch-lightning.readthedocs.io/en/latest/trainer.html )!
![PT to PL ](docs/source/_images/lightning_module/pt_trainer.png )
2019-12-12 19:06:20 +00:00
2020-03-30 14:12:48 +00:00
Lightning guarantees rigorously tested, correct, modern best practices for the automated parts.
2020-03-06 16:35:15 +00:00
2020-03-27 12:36:50 +00:00
## How flexible is it?
As you see, you're just organizing your PyTorch code - there's no abstraction.
2020-03-06 16:35:15 +00:00
And for the stuff that the Trainer abstracts out you can [override any part ](https://pytorch-lightning.readthedocs.io/en/latest/introduction_guide.html#extensibility ) you want to do things like implement your own distributed training, 16-bit precision, or even a custom backwards pass.
For anything else you might need, we have an extensive [callback system ](https://pytorch-lightning.readthedocs.io/en/latest/introduction_guide.html#callbacks ) you can use to add arbitrary functionality not implemented by our team in the Trainer.
## Who is Lightning for?
- Professional researchers
- PhD students
- Corporate production teams
If you're just getting into deep learning, we recommend you learn PyTorch first! Once you've implemented a few models, come back and use all the advanced features of Lightning :)
2019-12-12 18:35:41 +00:00
2020-03-27 12:36:50 +00:00
## What does lightning control for me?
2019-12-12 18:35:41 +00:00
2020-03-27 12:36:50 +00:00
Everything in Blue!
2019-12-12 18:35:41 +00:00
This is how lightning separates the science (red) from the engineering (blue).
2020-03-24 18:50:35 +00:00
![Overview ](docs/source/_images/general/pl_overview.gif )
2019-03-31 20:50:32 +00:00
2019-11-16 16:24:16 +00:00
## How much effort is it to convert?
2020-03-06 16:35:15 +00:00
If your code is not a huge mess you should be able to organize it into a LightningModule in less than 1 hour.
If your code IS a mess, then you needed to clean up anyhow ;)
[Check out this step-by-step guide ](https://towardsdatascience.com/from-pytorch-to-pytorch-lightning-a-gentle-introduction-b371b7caaf09 ).
2020-02-28 03:38:08 +00:00
2019-11-16 16:22:51 +00:00
2020-03-27 12:36:50 +00:00
## Starting a new project?
[Use our seed-project aimed at reproducibility! ](https://github.com/PytorchLightning/pytorch-lightning-conference-seed )
2019-06-26 23:47:31 +00:00
## Why do I want to use lightning?
2020-03-06 16:35:15 +00:00
Although your research/production project might start simple, once you add things like GPU AND TPU training, 16-bit precision, etc, you end up spending more time engineering than researching. Lightning automates AND rigorously tests those parts for you.
## Support
2020-03-27 12:42:14 +00:00
- [8 core contributors ](https://pytorch-lightning.readthedocs.io/en/latest/governance.html ) who are all a mix of professional engineers, Research Scientists, PhD students from top AI labs.
2020-03-06 16:35:15 +00:00
- 100+ community contributors.
2019-07-25 14:23:51 +00:00
2020-03-06 16:35:15 +00:00
Lightning is also part of the [PyTorch ecosystem ](https://pytorch.org/ecosystem/ ) which requires projects to have solid testing, documentation and support.
2019-06-26 23:47:31 +00:00
2019-09-06 11:30:51 +00:00
---
2020-03-27 12:36:50 +00:00
## README Table of Contents
- [How do I use it ](https://github.com/PytorchLightning/pytorch-lightning#how-do-i-do-use-it )
- [What lightning automates ](https://github.com/PytorchLightning/pytorch-lightning#what-does-lightning-control-for-me )
- [Tensorboard integration ](https://github.com/PytorchLightning/pytorch-lightning#tensorboard )
- [Lightning features ](https://github.com/PytorchLightning/pytorch-lightning#lightning-automates-all-of-the-following-each-is-also-configurable )
- [Examples ](https://github.com/PytorchLightning/pytorch-lightning#examples )
2020-01-14 12:05:26 +00:00
- [Tutorials ](https://github.com/PytorchLightning/pytorch-lightning#tutorials )
2020-02-19 11:26:23 +00:00
- [Asking for help ](https://github.com/PytorchLightning/pytorch-lightning#asking-for-help )
2020-01-14 12:05:26 +00:00
- [Contributing ](https://github.com/PytorchLightning/pytorch-lightning/blob/master/.github/CONTRIBUTING.md )
2020-03-27 12:36:50 +00:00
- [Bleeding edge install ](https://github.com/PytorchLightning/pytorch-lightning#bleeding-edge )
- [Lightning Design Principles ](https://github.com/PytorchLightning/pytorch-lightning#lightning-design-principles )
2020-02-19 11:26:23 +00:00
- [Lightning team ](https://github.com/PytorchLightning/pytorch-lightning#lightning-team )
2020-03-27 12:36:50 +00:00
- [FAQ ](https://github.com/PytorchLightning/pytorch-lightning#faq )
2019-08-05 16:29:19 +00:00
2019-09-06 11:30:51 +00:00
---
2020-03-06 16:35:15 +00:00
## Realistic example
Here's how you would organize a realistic PyTorch project into Lightning.
2019-11-19 19:13:59 +00:00
2020-03-06 16:35:15 +00:00
![PT to PL ](docs/source/_images/mnist_imgs/pt_to_pl.jpg )
2019-07-25 16:33:53 +00:00
2020-03-27 12:36:50 +00:00
The LightningModule defines a *system* such as seq-2-seq, GAN, etc...
It can ALSO define a simple classifier.
2020-03-06 16:35:15 +00:00
In summary, you:
1. Define a [LightningModule ](https://pytorch-lightning.rtfd.io/en/latest/lightning-module.html )
```python
class LitSystem(pl.LightningModule):
2020-03-27 12:36:50 +00:00
2019-11-09 05:59:14 +00:00
def __init__ (self):
2020-03-27 12:36:50 +00:00
super().__init__()
2019-11-09 05:59:14 +00:00
# not the best model...
self.l1 = torch.nn.Linear(28 * 28, 10)
2020-03-27 12:36:50 +00:00
2019-11-09 05:59:14 +00:00
def forward(self, x):
return torch.relu(self.l1(x.view(x.size(0), -1)))
2020-03-27 12:36:50 +00:00
2020-03-06 16:35:15 +00:00
def training_step(self, batch, batch_idx):
...
```
2019-07-27 18:28:44 +00:00
2020-03-06 16:35:15 +00:00
2. Fit it with a [Trainer ](https://pytorch-lightning.rtfd.io/en/latest/pytorch_lightning.trainer.html )
```python
from pytorch_lightning import Trainer
2019-07-25 14:11:51 +00:00
2020-03-24 18:48:31 +00:00
model = LitSystem()
2019-07-25 14:11:51 +00:00
2020-03-06 16:35:15 +00:00
# most basic trainer, uses good defaults
2020-03-27 12:36:50 +00:00
trainer = Trainer()
trainer.fit(model)
2020-03-06 16:35:15 +00:00
```
2020-03-27 12:36:50 +00:00
2020-03-06 16:35:15 +00:00
[Check out the COLAB demo here ](https://colab.research.google.com/drive/1F_RNcHzTfFuQf-LeKvSlud6x7jXYkG31#scrollTo=HOk9c4_35FKg )
2020-03-27 12:36:50 +00:00
2020-03-06 16:35:15 +00:00
## What types of research works?
Anything! Remember, that this is just organized PyTorch code.
The Training step defines the core complexity found in the training loop.
2019-08-31 07:08:18 +00:00
2020-03-06 16:35:15 +00:00
#### Could be as complex as a seq2seq
2019-06-27 18:44:51 +00:00
2019-06-26 23:44:41 +00:00
```python
# define what happens for training here
2019-12-04 11:57:10 +00:00
def training_step(self, batch, batch_idx):
2019-09-25 23:05:06 +00:00
x, y = batch
2020-03-27 12:36:50 +00:00
2019-06-27 18:43:10 +00:00
# define your own forward and loss calculation
2019-06-29 22:05:17 +00:00
hidden_states = self.encoder(x)
2020-03-27 12:36:50 +00:00
2019-08-07 15:16:02 +00:00
# even as complex as a seq-2-seq + attn model
2019-06-29 22:05:17 +00:00
# (this is just a toy, non-working example to illustrate)
start_token = '< SOS > '
last_hidden = torch.zeros(...)
loss = 0
for step in range(max_seq_len):
attn_context = self.attention_nn(hidden_states, start_token)
2020-03-27 12:36:50 +00:00
pred = self.decoder(start_token, attn_context, last_hidden)
2019-06-29 22:05:17 +00:00
last_hidden = pred
pred = self.predict_nn(pred)
loss += self.loss(last_hidden, y[step])
2020-03-27 12:36:50 +00:00
2019-06-29 22:05:17 +00:00
#toy example as well
loss = loss / max_seq_len
2020-03-27 12:36:50 +00:00
return {'loss': loss}
2019-06-26 23:44:41 +00:00
```
2019-06-27 18:44:51 +00:00
2020-03-27 12:36:50 +00:00
#### Or as basic as CNN image classification
2019-06-26 23:44:41 +00:00
```python
# define what happens for validation here
2020-03-27 12:36:50 +00:00
def validation_step(self, batch, batch_idx):
2019-09-25 23:05:06 +00:00
x, y = batch
2020-03-27 12:36:50 +00:00
2019-06-29 22:05:17 +00:00
# or as basic as a CNN classification
2020-03-27 07:17:56 +00:00
out = self(x)
2019-06-27 00:00:53 +00:00
loss = my_loss(out, y)
2020-03-27 12:36:50 +00:00
return {'loss': loss}
2019-06-26 23:44:41 +00:00
```
2020-03-06 16:35:15 +00:00
And without changing a single line of code, you could run on CPUs
2020-03-27 12:36:50 +00:00
```python
2020-03-06 16:35:15 +00:00
trainer = Trainer(max_epochs=1)
```
2019-06-27 18:44:51 +00:00
2020-03-06 16:35:15 +00:00
Or GPUs
2020-03-27 12:36:50 +00:00
```python
2020-03-06 16:35:15 +00:00
# 8 GPUs
trainer = Trainer(max_epochs=1, gpus=8)
# 256 GPUs
trainer = Trainer(max_epochs=1, gpus=8, num_nodes=32)
2019-06-27 18:44:51 +00:00
```
2019-06-29 22:32:55 +00:00
2020-03-06 16:35:15 +00:00
Or TPUs
2020-03-27 12:36:50 +00:00
```python
2020-03-06 16:35:15 +00:00
trainer = Trainer(num_tpu_cores=8)
```
2019-06-29 22:28:11 +00:00
2020-03-06 16:35:15 +00:00
When you're done training, run the test accuracy
```python
trainer.test()
```
## Visualization
Lightning has out-of-the-box integration with the popular logging/visualizing frameworks
2019-06-29 22:32:55 +00:00
2020-03-27 07:32:19 +00:00
- [Tensorboard ](https://pytorch.org/docs/stable/tensorboard.html )
- [MLFlow ](https://mlflow.org/ )
- [Neptune.ai ](https://neptune.ai/ )
- [Comet.ml ](https://www.comet.ml/site/ )
- [Wandb ](https://www.wandb.com/ )
- [Trains ](https://github.com/allegroai/trains )
2020-03-06 16:35:15 +00:00
- ...
2019-06-29 21:57:40 +00:00
2020-03-24 18:50:35 +00:00
![tensorboard-support ](docs/source/_images/general/tf_loss.png )
2019-06-26 23:44:41 +00:00
2020-03-06 16:35:15 +00:00
## Lightning automates 40+ parts of DL/ML research
- GPU training
- Distributed GPU (cluster) training
- TPU training
- EarlyStopping
- Logging/Visualizing
- Checkpointing
- Experiment management
- [Full list here ](https://pytorch-lightning.readthedocs.io/en/latest/#common-use-cases )
2019-03-31 01:47:51 +00:00
2020-03-27 12:36:50 +00:00
## Examples
Check out this awesome list of research papers and implementations done with Lightning.
2020-03-06 16:35:15 +00:00
- [Contextual Emotion Detection (DoubleDistilBert) ](https://github.com/PyTorchLightning/emotion_transformer )
- [Generative Adversarial Network ](https://colab.research.google.com/drive/1F_RNcHzTfFuQf-LeKvSlud6x7jXYkG31#scrollTo=TyYOdg8g77P0 )
- [Hyperparameter optimization with Optuna ](https://github.com/optuna/optuna/blob/master/examples/pytorch_lightning_simple.py )
- [Image Inpainting using Partial Convolutions ](https://github.com/ryanwongsa/Image-Inpainting )
- [MNIST on TPU ](https://colab.research.google.com/drive/1-_LKx4HwAxl5M6xPJmqAAu444LTDQoa3#scrollTo=BHBz1_AnamN_ )
- [NER (transformers, TPU, huggingface) ](https://colab.research.google.com/drive/1dBN-wwYUngLYVt985wGs_OKPlK_ANB9D )
- [NeuralTexture (CVPR) ](https://github.com/PyTorchLightning/neuraltexture )
- [Recurrent Attentive Neural Process ](https://github.com/PyTorchLightning/attentive-neural-processes )
- [Siamese Nets for One-shot Image Recognition ](https://github.com/PyTorchLightning/Siamese-Neural-Networks )
- [Speech Transformers ](https://github.com/PyTorchLightning/speech-transformer-pytorch_lightning )
- [Transformers transfer learning (Huggingface) ](https://colab.research.google.com/drive/1F_RNcHzTfFuQf-LeKvSlud6x7jXYkG31#scrollTo=yr7eaxkF-djf )
- [Transformers text classification ](https://github.com/ricardorei/lightning-text-classification )
- [VAE Library of over 18+ VAE flavors ](https://github.com/AntixK/PyTorch-VAE )
2019-06-25 22:40:34 +00:00
2020-03-27 12:36:50 +00:00
## Tutorials
2020-03-06 16:35:15 +00:00
Check out our [introduction guide ](https://pytorch-lightning.readthedocs.io/en/latest/introduction_guide.html ) to get started.
Or jump straight into [our tutorials ](https://pytorch-lightning.readthedocs.io/en/latest/#tutorials ).
2019-08-05 23:34:34 +00:00
2019-11-09 05:59:14 +00:00
---
2020-03-27 12:36:50 +00:00
## Asking for help
Welcome to the Lightning community!
2019-08-19 11:20:10 +00:00
2020-03-27 12:36:50 +00:00
If you have any questions, feel free to:
1. [read the docs ](https://pytorch-lightning.rtfd.io/en/latest/ ).
2. [Search through the issues ](https://github.com/PytorchLightning/pytorch-lightning/issues?utf8=%E2%9C%93&q=my++question ).
3. [Ask on stackoverflow ](https://stackoverflow.com/questions/ask?guided=false ) with the tag pytorch-lightning.
2020-03-06 16:35:15 +00:00
4. [Join our slack ](https://join.slack.com/t/pytorch-lightning/shared_invite/enQtODU5ODIyNTUzODQwLTFkMDg5Mzc1MDBmNjEzMDgxOTVmYTdhYjA1MDdmODUyOTg2OGQ1ZWZkYTQzODhhNzdhZDA3YmNhMDhlMDY4YzQ ).
2019-08-18 23:05:13 +00:00
2020-03-27 12:36:50 +00:00
---
## FAQ
**How do I use Lightning for rapid research?**
[Here's a walk-through ](https://pytorch-lightning.readthedocs.io/en/latest/introduction_guide.html )
2019-08-16 01:21:26 +00:00
2020-03-27 12:36:50 +00:00
**Why was Lightning created?**
2019-08-05 23:34:34 +00:00
Lightning has 3 goals in mind:
2020-03-06 16:35:15 +00:00
2020-03-27 12:36:50 +00:00
1. Maximal flexibility while abstracting out the common boilerplate across research projects.
2. Reproducibility. If all projects use the LightningModule template, it will be much much easier to understand what's going on and where to look! It will also mean every implementation follows a standard format.
3. Democratizing PyTorch power user features. Distributed training? 16-bit? know you need them but don't want to take the time to implement? All good... these come built into Lightning.
2019-08-05 23:34:34 +00:00
2020-03-27 12:36:50 +00:00
**How does Lightning compare with Ignite and fast.ai?**
[Here's a thorough comparison ](https://medium.com/@_willfalcon/pytorch-lightning-vs-pytorch-ignite-vs-fast-ai-61dc7480ad8a ).
2019-08-05 23:34:34 +00:00
2020-03-27 12:36:50 +00:00
**Is this another library I have to learn?**
2020-03-30 14:12:48 +00:00
Nope! We use pure Pytorch everywhere and don't add unnecessary abstractions!
2019-08-05 23:34:34 +00:00
2020-03-27 12:36:50 +00:00
**Are there plans to support Python 2?**
Nope.
2019-08-03 12:21:25 +00:00
2020-03-27 12:36:50 +00:00
**Are there plans to support virtualenv?**
Nope. Please use anaconda or miniconda.
2019-08-08 16:43:14 +00:00
2020-03-27 12:36:50 +00:00
**Which PyTorch versions do you support?**
- **PyTorch 1.1.0**
```bash
# install pytorch 1.1.0 using the official instructions
# install test-tube 0.6.7.6 which supports 1.1.0
pip install test-tube==0.6.7.6
# install latest Lightning version without upgrading deps
2019-09-06 11:30:51 +00:00
pip install -U --no-deps pytorch-lightning
2020-03-27 12:36:50 +00:00
```
2019-10-24 10:23:00 +00:00
- **PyTorch 1.2.0, 1.3.0,**
2020-03-27 12:36:50 +00:00
Install via pip as normal
2019-08-14 11:21:45 +00:00
2019-09-06 11:30:51 +00:00
## Custom installation
2019-08-14 11:21:45 +00:00
2019-09-06 11:30:51 +00:00
### Bleeding edge
If you can't wait for the next release, install the most up to date code with:
* using GIT (locally clone whole repo with full history)
```bash
2020-01-14 12:05:26 +00:00
pip install git+https://github.com/PytorchLightning/pytorch-lightning.git@master --upgrade
2019-09-06 11:30:51 +00:00
```
* using instant zip (last state of the repo without git history)
```bash
2020-01-14 12:05:26 +00:00
pip install https://github.com/PytorchLightning/pytorch-lightning/archive/master.zip --upgrade
2019-09-06 11:30:51 +00:00
```
2019-08-14 11:19:58 +00:00
2019-09-06 11:30:51 +00:00
### Any release installation
2019-08-08 18:27:47 +00:00
2020-01-20 19:50:31 +00:00
You can also install any past release `0.X.Y` from this repository:
2019-07-25 23:55:22 +00:00
```bash
2020-01-20 19:50:31 +00:00
pip install https://github.com/PytorchLightning/pytorch-lightning/archive/0.X.Y.zip --upgrade
2019-07-27 18:26:08 +00:00
```
2019-11-05 16:52:50 +00:00
2020-02-19 11:26:23 +00:00
### Lightning team
#### Leads
- William Falcon [(williamFalcon) ](https://github.com/williamFalcon ) (Lightning founder)
2020-03-27 12:42:14 +00:00
- Jirka Borovec [(Borda) ](https://github.com/Borda ) (ghost :)
2020-02-19 11:26:23 +00:00
- Ethan Harris [(ethanwharris) ](https://github.com/ethanwharris ) (Torchbearer founder)
2020-02-19 12:49:22 +00:00
- Matthew Painter [(MattPainter01) ](https://github.com/MattPainter01 ) (Torchbearer founder)
2020-03-28 20:09:00 +00:00
- Justus Schock [(justusschock) ](https://github.com/justusschock ) (Former Core Member PyTorch Ignite)
2020-02-19 11:26:23 +00:00
#### Core Maintainers
- Nick Eggert [(neggert) ](https://github.com/neggert )
- Jeff Ling [(jeffling) ](https://github.com/jeffling )
2020-03-27 12:42:14 +00:00
- Jeremy Jordan [(jeremyjordan) ](https://github.com/jeremyjordan )
2020-02-19 11:26:23 +00:00
- Tullie Murrell [(tullie) ](https://github.com/tullie )
2019-11-05 16:52:50 +00:00
## Bibtex
If you want to cite the framework feel free to use this (but only if you loved it 😊):
2019-11-05 16:53:12 +00:00
```
@misc {Falcon2019,
2020-01-20 19:50:31 +00:00
author = {Falcon, W.A. et al.},
2019-11-05 16:53:12 +00:00
title = {PyTorch Lightning},
year = {2019},
publisher = {GitHub},
journal = {GitHub repository},
2020-01-14 12:05:26 +00:00
howpublished = {\url{https://github.com/PytorchLightning/pytorch-lightning}}
2019-11-05 16:53:12 +00:00
}
```