Skip to content

Commit b2c7345

Browse files
kaushikb11BordatchatonYour Nameakihironitta
authored
Weekly Patch Release v.1.2.7 [full merge, no squash] (#6850)
* update readme by v1.2.x (#6728) * [bugfix] Add support for omegaconf and tpu (#6741) * fix_hydra * update changelog Co-authored-by: Your Name <[email protected]> * [docs] Update Bolts link (#6743) * Update Bolts link * Update Bolts link * formt Co-authored-by: Jirka Borovec <[email protected]> * Update logic for checking TPUs availability (#6767) * Update logic for checking TPUs availability * fix flake8 * add fix * resolve bug (#6781) * Fix validation progress counter with check_val_every_n_epoch > 1 (#5952) Co-authored-by: rohitgr7 <[email protected]> Co-authored-by: Carlos Mocholí <[email protected]> * Remove extinct parameters from lightning_module.rst (#6801) Fixes #6800 * Update TPU docs for installation (#6794) * fix boolean check on iterable dataset when len not defined (#6828) * fix iterable dataset len check * update predict and validate * add validate to test * add changelog * add predict * Sanitize `None` params during pruning (#6836) * sanitize none params during pruning * amend * Fix `unfreeze_and_add_param_group` expects `modules` rather than `module` (#6822) * Enforce an epoch scheduler interval when using SWA (#6588) Co-authored-by: Carlos Mocholi <[email protected]> * Fix DPP + SyncBN (#6838) * Fix DPP + SyncBN Ensure that model is already on correct GPU before applying SyncBN conversion * Fix order of SyncBN for ddp_spawn * [Fix] TPU Training Type Plugin (#6816) * Fix support for symlink save_dir in TensorBoardLogger (#6730) * Add test for symlink support and initial fix * Respond to comment and add docstring * Update CHANGELOG.md * Simplify * Update pytorch_lightning/utilities/cloud_io.py Co-authored-by: Carlos Mocholí <[email protected]> * Make `LightningLocalFileSystem` protected Co-authored-by: Carlos Mocholí <[email protected]> * Fixed missing arguments in `lr_find` call (#6784) There seem to be 3 arguments missing in the `lr_find` call in the tunining.py file. * Update Changelog & version * Fix TPU tests for checkpoint Skip advanced profiler for torch > 1.8 Skip pytorch profiler for torch > 1.8 Fix save checkpoint logic for TPUs Co-authored-by: Jirka Borovec <[email protected]> Co-authored-by: thomas chaton <[email protected]> Co-authored-by: Your Name <[email protected]> Co-authored-by: Akihiro Nitta <[email protected]> Co-authored-by: Yuan-Hang Zhang <[email protected]> Co-authored-by: rohitgr7 <[email protected]> Co-authored-by: Carlos Mocholí <[email protected]> Co-authored-by: Elizaveta Logacheva <[email protected]> Co-authored-by: Adrian Wälchli <[email protected]> Co-authored-by: Karthik Prasad <[email protected]> Co-authored-by: Sadiq Jaffer <[email protected]> Co-authored-by: Michael Baumgartner <[email protected]> Co-authored-by: Eugene Khvedchenya <[email protected]> Co-authored-by: Ethan Harris <[email protected]> Co-authored-by: Tharindu Hasthika <[email protected]>
1 parent e7abd8e commit b2c7345

File tree

34 files changed

+299
-277
lines changed

34 files changed

+299
-277
lines changed

CHANGELOG.md

Lines changed: 12 additions & 0 deletions
Original file line numberDiff line numberDiff line change
@@ -4,6 +4,18 @@ All notable changes to this project will be documented in this file.
44

55
The format is based on [Keep a Changelog](http://keepachangelog.com/en/1.0.0/).
66

7+
## [1.2.7] - 2021-04-06
8+
9+
### Fixed
10+
11+
- Fixed resolve a bug with omegaconf and xm.save ([#6741](https://github.com/PyTorchLightning/pytorch-lightning/pull/6741))
12+
- Fixed an issue with IterableDataset when __len__ is not defined ([#6828](https://github.com/PyTorchLightning/pytorch-lightning/pull/6828))
13+
- Sanitize None params during pruning ([#6836](https://github.com/PyTorchLightning/pytorch-lightning/pull/6836))
14+
- Enforce an epoch scheduler interval when using SWA ([#6588](https://github.com/PyTorchLightning/pytorch-lightning/pull/6588))
15+
- Fixed TPU Colab hang issue, post training ([#6816](https://github.com/PyTorchLightning/pytorch-lightning/pull/6816))
16+
- Fixed a bug where `TensorBoardLogger` would give a warning and not log correctly to a symbolic link `save_dir` ([#6730](https://github.com/PyTorchLightning/pytorch-lightning/pull/6730))
17+
18+
719
## [1.2.6] - 2021-03-30
820

921
### Changed

README.md

Lines changed: 19 additions & 32 deletions
Original file line numberDiff line numberDiff line change
@@ -91,19 +91,6 @@ Lightning is rigurously tested across multiple GPUs, TPUs CPUs and against major
9191
</center>
9292
</details>
9393

94-
<details>
95-
<summary>Bleeding edge build status (1.2)</summary>
96-
97-
<center>
98-
99-
![CI base testing](https://github.com/PyTorchLightning/pytorch-lightning/workflows/CI%20base%20testing/badge.svg?branch=release%2F1.2-dev&event=push)
100-
![CI complete testing](https://github.com/PyTorchLightning/pytorch-lightning/workflows/CI%20complete%20testing/badge.svg?branch=release%2F1.2-dev&event=push)
101-
![PyTorch & Conda](https://github.com/PyTorchLightning/pytorch-lightning/workflows/PyTorch%20&%20Conda/badge.svg?branch=release%2F1.2-dev&event=push)
102-
![TPU tests](https://github.com/PyTorchLightning/pytorch-lightning/workflows/TPU%20tests/badge.svg?branch=release%2F1.2-dev&event=push)
103-
![Docs check](https://github.com/PyTorchLightning/pytorch-lightning/workflows/Docs%20check/badge.svg?branch=release%2F1.2-dev&event=push)
104-
</center>
105-
</details>
106-
10794
---
10895

10996
## How To Use
@@ -132,22 +119,22 @@ pip install pytorch-lightning
132119
conda install pytorch-lightning -c conda-forge
133120
```
134121

135-
#### Install stable - future 1.1.x
122+
#### Install stable 1.2.x
136123

137-
the actual status of 1.1 [stable] is following:
124+
the actual status of 1.2 [stable] is following:
138125

139-
![CI base testing](https://github.com/PyTorchLightning/pytorch-lightning/workflows/CI%20base%20testing/badge.svg?branch=release%2F1.1.x&event=push)
140-
![CI complete testing](https://github.com/PyTorchLightning/pytorch-lightning/workflows/CI%20complete%20testing/badge.svg?branch=release%2F1.1.x&event=push)
141-
![PyTorch & Conda](https://github.com/PyTorchLightning/pytorch-lightning/workflows/PyTorch%20&%20Conda/badge.svg?branch=release%2F1.1.x&event=push)
142-
![TPU tests](https://github.com/PyTorchLightning/pytorch-lightning/workflows/TPU%20tests/badge.svg?branch=release%2F1.1.x&event=push)
143-
![Docs check](https://github.com/PyTorchLightning/pytorch-lightning/workflows/Docs%20check/badge.svg?branch=release%2F1.1.x&event=push)
126+
![CI base testing](https://github.com/PyTorchLightning/pytorch-lightning/workflows/CI%20base%20testing/badge.svg?branch=release%2F1.2.x&event=push)
127+
![CI complete testing](https://github.com/PyTorchLightning/pytorch-lightning/workflows/CI%20complete%20testing/badge.svg?branch=release%2F1.2.x&event=push)
128+
![PyTorch & Conda](https://github.com/PyTorchLightning/pytorch-lightning/workflows/PyTorch%20&%20Conda/badge.svg?branch=release%2F1.2.x&event=push)
129+
![TPU tests](https://github.com/PyTorchLightning/pytorch-lightning/workflows/TPU%20tests/badge.svg?branch=release%2F1.2.x&event=push)
130+
![Docs check](https://github.com/PyTorchLightning/pytorch-lightning/workflows/Docs%20check/badge.svg?branch=release%2F1.2.x&event=push)
144131

145132
Install future release from the source
146133
```bash
147-
pip install git+https://github.com/PytorchLightning/pytorch-lightning.git@release/1.1.x --upgrade
134+
pip install git+https://github.com/PytorchLightning/pytorch-lightning.git@release/1.2.x --upgrade
148135
```
149136

150-
#### Install bleeding-edge - future 1.2
137+
#### Install bleeding-edge - future 1.3
151138

152139
Install nightly from the source (no guarantees)
153140
```bash
@@ -356,27 +343,27 @@ class LitAutoEncoder(pl.LightningModule):
356343
- [MNIST on TPUs](https://colab.research.google.com/github/PytorchLightning/pytorch-lightning/blob/master/notebooks/06-mnist-tpu-training.ipynb)
357344

358345
###### Contrastive Learning
359-
- [BYOL](https://pytorch-lightning-bolts.readthedocs.io/en/latest/self_supervised_models.html#byol)
360-
- [CPC v2](https://pytorch-lightning-bolts.readthedocs.io/en/latest/self_supervised_models.html#cpc-v2)
361-
- [Moco v2](https://pytorch-lightning-bolts.readthedocs.io/en/latest/self_supervised_models.html#moco-v2)
362-
- [SIMCLR](https://pytorch-lightning-bolts.readthedocs.io/en/latest/self_supervised_models.html#simclr)
346+
- [BYOL](https://lightning-bolts.readthedocs.io/en/latest/self_supervised_models.html#byol)
347+
- [CPC v2](https://lightning-bolts.readthedocs.io/en/latest/self_supervised_models.html#cpc-v2)
348+
- [Moco v2](https://lightning-bolts.readthedocs.io/en/latest/self_supervised_models.html#moco-v2)
349+
- [SIMCLR](https://lightning-bolts.readthedocs.io/en/latest/self_supervised_models.html#simclr)
363350

364351
###### NLP
365352
- [BERT](https://colab.research.google.com/github/PytorchLightning/pytorch-lightning/blob/master/notebooks/04-transformers-text-classification.ipynb)
366-
- [GPT-2](https://pytorch-lightning-bolts.readthedocs.io/en/latest/convolutional.html#gpt-2)
353+
- [GPT-2](https://lightning-bolts.readthedocs.io/en/latest/convolutional.html#gpt-2)
367354

368355

369356
###### Reinforcement Learning
370-
- [DQN](https://pytorch-lightning-bolts.readthedocs.io/en/latest/reinforce_learn.html#dqn-models)
371-
- [Dueling-DQN](https://pytorch-lightning-bolts.readthedocs.io/en/latest/reinforce_learn.html#dueling-dqn)
372-
- [Reinforce](https://pytorch-lightning-bolts.readthedocs.io/en/latest/reinforce_learn.html#reinforce)
357+
- [DQN](https://lightning-bolts.readthedocs.io/en/latest/reinforce_learn.html#dqn-models)
358+
- [Dueling-DQN](https://lightning-bolts.readthedocs.io/en/latest/reinforce_learn.html#dueling-dqn)
359+
- [Reinforce](https://lightning-bolts.readthedocs.io/en/latest/reinforce_learn.html#reinforce)
373360

374361
###### Vision
375362
- [GAN](https://colab.research.google.com/github/PytorchLightning/pytorch-lightning/blob/master/notebooks/03-basic-gan.ipynb)
376363

377364
###### Classic ML
378-
- [Logistic Regression](https://pytorch-lightning-bolts.readthedocs.io/en/latest/classic_ml.html#logistic-regression)
379-
- [Linear Regression](https://pytorch-lightning-bolts.readthedocs.io/en/latest/classic_ml.html#linear-regression)
365+
- [Logistic Regression](https://lightning-bolts.readthedocs.io/en/latest/classic_ml.html#logistic-regression)
366+
- [Linear Regression](https://lightning-bolts.readthedocs.io/en/latest/classic_ml.html#linear-regression)
380367

381368
---
382369

docs/source/advanced/tpu.rst

Lines changed: 1 addition & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -64,8 +64,7 @@ To get a TPU on colab, follow these steps:
6464

6565
.. code-block::
6666
67-
!curl https://raw.githubusercontent.com/pytorch/xla/master/contrib/scripts/env-setup.py -o pytorch-xla-env-setup.py
68-
!python pytorch-xla-env-setup.py --version 1.7 --apt-packages libomp5 libopenblas-dev
67+
!pip install cloud-tpu-client==0.10 https://storage.googleapis.com/tpu-pytorch/wheels/torch_xla-1.8-cp37-cp37m-linux_x86_64.whl
6968
7069
5. Once the above is done, install PyTorch Lightning (v 0.7.0+).
7170

docs/source/common/lightning_module.rst

Lines changed: 0 additions & 24 deletions
Original file line numberDiff line numberDiff line change
@@ -907,30 +907,6 @@ use_amp
907907
~~~~~~~
908908
True if using Automatic Mixed Precision (AMP)
909909

910-
------------
911-
912-
use_ddp
913-
~~~~~~~
914-
True if using ddp
915-
916-
------------
917-
918-
use_ddp2
919-
~~~~~~~~
920-
True if using ddp2
921-
922-
------------
923-
924-
use_dp
925-
~~~~~~
926-
True if using dp
927-
928-
------------
929-
930-
use_tpu
931-
~~~~~~~
932-
True if using TPUs
933-
934910
--------------
935911

936912
automatic_optimization

docs/source/ecosystem/bolts.rst

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -1,11 +1,11 @@
11
Bolts
22
=====
3-
`PyTorch Lightning Bolts <https://pytorch-lightning-bolts.readthedocs.io/en/latest/>`_, is our official collection
3+
`PyTorch Lightning Bolts <https://lightning-bolts.readthedocs.io/en/latest/>`_, is our official collection
44
of prebuilt models across many research domains.
55

66
.. code-block:: bash
77
8-
pip install pytorch-lightning-bolts
8+
pip install lightning-bolts
99
1010
In bolts we have:
1111

docs/source/extensions/callbacks.rst

Lines changed: 5 additions & 5 deletions
Original file line numberDiff line numberDiff line change
@@ -71,10 +71,10 @@ Examples
7171
--------
7272
You can do pretty much anything with callbacks.
7373

74-
- `Add a MLP to fine-tune self-supervised networks <https://pytorch-lightning-bolts.readthedocs.io/en/latest/self_supervised_callbacks.html#sslonlineevaluator>`_.
75-
- `Find how to modify an image input to trick the classification result <https://pytorch-lightning-bolts.readthedocs.io/en/latest/vision_callbacks.html#confused-logit>`_.
76-
- `Interpolate the latent space of any variational model <https://pytorch-lightning-bolts.readthedocs.io/en/latest/variational_callbacks.html#latent-dim-interpolator>`_.
77-
- `Log images to Tensorboard for any model <https://pytorch-lightning-bolts.readthedocs.io/en/latest/vision_callbacks.html#tensorboard-image-generator>`_.
74+
- `Add a MLP to fine-tune self-supervised networks <https://lightning-bolts.readthedocs.io/en/latest/self_supervised_callbacks.html#sslonlineevaluator>`_.
75+
- `Find how to modify an image input to trick the classification result <https://lightning-bolts.readthedocs.io/en/latest/vision_callbacks.html#confused-logit>`_.
76+
- `Interpolate the latent space of any variational model <https://lightning-bolts.readthedocs.io/en/latest/variational_callbacks.html#latent-dim-interpolator>`_.
77+
- `Log images to Tensorboard for any model <https://lightning-bolts.readthedocs.io/en/latest/vision_callbacks.html#tensorboard-image-generator>`_.
7878

7979

8080
--------------
@@ -85,7 +85,7 @@ Lightning has a few built-in callbacks.
8585

8686
.. note::
8787
For a richer collection of callbacks, check out our
88-
`bolts library <https://pytorch-lightning-bolts.readthedocs.io/en/latest/callbacks.html>`_.
88+
`bolts library <https://lightning-bolts.readthedocs.io/en/latest/callbacks.html>`_.
8989

9090
.. currentmodule:: pytorch_lightning.callbacks
9191

docs/source/index.rst

Lines changed: 8 additions & 8 deletions
Original file line numberDiff line numberDiff line change
@@ -79,14 +79,14 @@ PyTorch Lightning Documentation
7979

8080
ecosystem/pytorch_ecoystem
8181
ecosystem/community_examples
82-
Autoencoder <https://pytorch-lightning-bolts.readthedocs.io/en/latest/autoencoders.html#autoencoders>
83-
BYOL <https://pytorch-lightning-bolts.readthedocs.io/en/latest/self_supervised_models.html#byol>
84-
DQN <https://pytorch-lightning-bolts.readthedocs.io/en/latest/reinforce_learn.html#deep-q-network-dqn>
85-
GAN <https://pytorch-lightning-bolts.readthedocs.io/en/latest/gans.html#basic-gan>
86-
GPT-2 <https://pytorch-lightning-bolts.readthedocs.io/en/latest/convolutional.html#gpt-2>
87-
Image-GPT <https://pytorch-lightning-bolts.readthedocs.io/en/latest/convolutional.html#image-gpt>
88-
SimCLR <https://pytorch-lightning-bolts.readthedocs.io/en/latest/self_supervised_models.html#simclr>
89-
VAE <https://pytorch-lightning-bolts.readthedocs.io/en/latest/autoencoders.html#basic-vae>
82+
Autoencoder <https://lightning-bolts.readthedocs.io/en/latest/autoencoders.html#autoencoders>
83+
BYOL <https://lightning-bolts.readthedocs.io/en/latest/self_supervised_models.html#byol>
84+
DQN <https://lightning-bolts.readthedocs.io/en/latest/reinforce_learn.html#deep-q-network-dqn>
85+
GAN <https://lightning-bolts.readthedocs.io/en/latest/gans.html#basic-gan>
86+
GPT-2 <https://lightning-bolts.readthedocs.io/en/latest/convolutional.html#gpt-2>
87+
Image-GPT <https://lightning-bolts.readthedocs.io/en/latest/convolutional.html#image-gpt>
88+
SimCLR <https://lightning-bolts.readthedocs.io/en/latest/self_supervised_models.html#simclr>
89+
VAE <https://lightning-bolts.readthedocs.io/en/latest/autoencoders.html#basic-vae>
9090

9191
.. toctree::
9292
:maxdepth: 1

docs/source/starter/introduction_guide.rst

Lines changed: 1 addition & 3 deletions
Original file line numberDiff line numberDiff line change
@@ -572,9 +572,7 @@ Next, install the required xla library (adds support for PyTorch on TPUs)
572572

573573
.. code-block:: shell
574574
575-
!curl https://raw.githubusercontent.com/pytorch/xla/master/contrib/scripts/env-setup.py -o pytorch-xla-env-setup.py
576-
577-
!python pytorch-xla-env-setup.py --version nightly --apt-packages libomp5 libopenblas-dev
575+
!pip install cloud-tpu-client==0.10 https://storage.googleapis.com/tpu-pytorch/wheels/torch_xla-1.8-cp37-cp37m-linux_x86_64.whl
578576
579577
In distributed training (multiple GPUs and multiple TPU cores) each GPU or TPU core will run a copy
580578
of this program. This means that without taking any care you will download the dataset N times which

notebooks/07-cifar10-baseline.ipynb

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -61,7 +61,7 @@
6161
"id": "ziAQCrE-TYWG"
6262
},
6363
"source": [
64-
"! pip install pytorch-lightning pytorch-lightning-bolts -qU"
64+
"! pip install pytorch-lightning lightning-bolts -qU"
6565
],
6666
"execution_count": null,
6767
"outputs": []

pl_examples/README.md

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -1,6 +1,6 @@
11
# Examples
22
Our most robust examples showing all sorts of implementations
3-
can be found in our sister library [PyTorch-Lightning-Bolts](https://pytorch-lightning-bolts.readthedocs.io/en/latest/convolutional.html#gpt-2).
3+
can be found in our sister library [PyTorch-Lightning-Bolts](https://lightning-bolts.readthedocs.io/en/latest/convolutional.html#gpt-2).
44

55
---
66

@@ -15,5 +15,5 @@ In this folder we add 3 simple examples:
1515

1616
## Domain examples
1717
This folder contains older examples. You should instead use the examples
18-
in [PyTorch-Lightning-Bolts](https://pytorch-lightning-bolts.readthedocs.io/en/latest/convolutional.html#gpt-2)
18+
in [PyTorch-Lightning-Bolts](https://lightning-bolts.readthedocs.io/en/latest/convolutional.html#gpt-2)
1919
for advanced use cases.

0 commit comments

Comments
 (0)