torch-lr-finder


Nametorch-lr-finder JSON
Version 0.2.1 PyPI version JSON
download
home_pagehttps://github.com/davidtvs/pytorch-lr-finder
SummaryPytorch implementation of the learning rate range test
upload_time2020-09-13 15:50:34
maintainer
docs_urlNone
authorDavid Silva
requires_python>=3.5.9
license
keywords
VCS
bugtrack_url
requirements No requirements were recorded.
Travis-CI No Travis.
coveralls test coverage No coveralls.
            # PyTorch learning rate finder

![](https://github.com/davidtvs/pytorch-lr-finder/workflows/ci-build/badge.svg?branch=master)
[![codecov](https://codecov.io/gh/davidtvs/pytorch-lr-finder/branch/master/graph/badge.svg)](https://codecov.io/gh/davidtvs/pytorch-lr-finder)
[![](https://img.shields.io/pypi/v/torch-lr-finder)](https://pypi.org/project/torch-lr-finder/)

A PyTorch implementation of the learning rate range test detailed in [Cyclical Learning Rates for Training Neural Networks](https://arxiv.org/abs/1506.01186) by Leslie N. Smith and the tweaked version used by [fastai](https://github.com/fastai/fastai).

The learning rate range test is a test that provides valuable information about the optimal learning rate. During a pre-training run, the learning rate is increased linearly or exponentially between two boundaries. The low initial learning rate allows the network to start converging and as the learning rate is increased it will eventually be too large and the network will diverge.

Typically, a good static learning rate can be found half-way on the descending loss curve. In the plot below that would be `lr = 0.002`.

For cyclical learning rates (also detailed in Leslie Smith's paper) where the learning rate is cycled between two boundaries `(start_lr, end_lr)`, the author advises the point at which the loss starts descending and the point at which the loss stops descending or becomes ragged for `start_lr` and `end_lr` respectively.  In the plot below, `start_lr = 0.0002` and `end_lr=0.2`.

![Learning rate range test](images/lr_finder_cifar10.png)

## Installation

Python 3.5 and above:

```bash
pip install torch-lr-finder
```

Install with the support of mixed precision training (see also [this section](#Mixed-precision-training)):

```bash
pip install torch-lr-finder -v --global-option="apex"
```

## Implementation details and usage

### Tweaked version from fastai

Increases the learning rate in an exponential manner and computes the training loss for each learning rate. `lr_finder.plot()` plots the training loss versus logarithmic learning rate.

```python
from torch_lr_finder import LRFinder

model = ...
criterion = nn.CrossEntropyLoss()
optimizer = optim.Adam(model.parameters(), lr=1e-7, weight_decay=1e-2)
lr_finder = LRFinder(model, optimizer, criterion, device="cuda")
lr_finder.range_test(trainloader, end_lr=100, num_iter=100)
lr_finder.plot() # to inspect the loss-learning rate graph
lr_finder.reset() # to reset the model and optimizer to their initial state
```

### Leslie Smith's approach

Increases the learning rate linearly and computes the evaluation loss for each learning rate. `lr_finder.plot()` plots the evaluation loss versus learning rate.
This approach typically produces more precise curves because the evaluation loss is more susceptible to divergence but it takes significantly longer to perform the test, especially if the evaluation dataset is large.

```python
from torch_lr_finder import LRFinder

model = ...
criterion = nn.CrossEntropyLoss()
optimizer = optim.Adam(model.parameters(), lr=0.1, weight_decay=1e-2)
lr_finder = LRFinder(model, optimizer, criterion, device="cuda")
lr_finder.range_test(trainloader, val_loader=val_loader, end_lr=1, num_iter=100, step_mode="linear")
lr_finder.plot(log_lr=False)
lr_finder.reset()
```

### Notes

- Examples for CIFAR10 and MNIST can be found in the examples folder.
- The optimizer passed to `LRFinder` should not have an `LRScheduler` attached to it.
- `LRFinder.range_test()` will change the model weights and the optimizer parameters. Both can be restored to their initial state with `LRFinder.reset()`.
- The learning rate and loss history can be accessed through `lr_finder.history`. This will return a dictionary with `lr` and `loss` keys.
- When using `step_mode="linear"` the learning rate range should be within the same order of magnitude.
- `LRFinder.range_test()` expects a pair of `input, label` to be returned from the `DataLoader` objects passed to it. The `input` must be ready to be passed to the model and the `label` must be ready to be passed to the `criterion` without any further data processing/handling/conversion. If you find yourself needing a workaround you can make use of the classes `TrainDataLoaderIter` and `ValDataLoaderIter` to perform any data processing/handling/conversion inbetween the `DataLoader` and the training/evaluation loop. You can find an example of how to use these classes in [examples/lrfinder_cifar10_dataloader_iter](examples/lrfinder_cifar10_dataloader_iter.ipynb).

## Additional support for training

### Gradient accumulation

You can set the `accumulation_steps` parameter in `LRFinder.range_test()` with a proper value to perform gradient accumulation:

```python
from torch.utils.data import DataLoader
from torch_lr_finder import LRFinder

desired_batch_size, real_batch_size = 32, 4
accumulation_steps = desired_batch_size // real_batch_size

dataset = ...

# Beware of the `batch_size` used by `DataLoader`
trainloader = DataLoader(dataset, batch_size=real_batch_size, shuffle=True)

model = ...
criterion = ...
optimizer = ...

# (Optional) With this setting, `amp.scale_loss()` will be adopted automatically.
# model, optimizer = amp.initialize(model, optimizer, opt_level='O1')

lr_finder = LRFinder(model, optimizer, criterion, device="cuda")
lr_finder.range_test(trainloader, end_lr=10, num_iter=100, step_mode="exp", accumulation_steps=accumulation_steps)
lr_finder.plot()
lr_finder.reset()
```

### Mixed precision training

Currently, we use [`apex`](https://github.com/NVIDIA/apex) as the dependency for mixed precision training.
To enable mixed precision training, you just need to call `amp.initialize()` before running `LRFinder`. e.g.

```python
from torch_lr_finder import LRFinder
from apex import amp

# Add this line before running `LRFinder`
model, optimizer = amp.initialize(model, optimizer, opt_level='O1')

lr_finder = LRFinder(model, optimizer, criterion, device='cuda')
lr_finder.range_test(trainloader, end_lr=10, num_iter=100, step_mode='exp')
lr_finder.plot()
lr_finder.reset()
```

Note that the benefit of mixed precision training requires a nvidia GPU with tensor cores (see also: [NVIDIA/apex #297](https://github.com/NVIDIA/apex/issues/297))

Besides, you can try to set `torch.backends.cudnn.benchmark = True` to improve the training speed. (but it won't work for some cases, you should use it at your own risk)

## Contributing and pull requests

All contributions are welcome but first, have a look at [CONTRIBUTING.md](CONTRIBUTING.md).



            

Raw data

            {
    "_id": null,
    "home_page": "https://github.com/davidtvs/pytorch-lr-finder",
    "name": "torch-lr-finder",
    "maintainer": "",
    "docs_url": null,
    "requires_python": ">=3.5.9",
    "maintainer_email": "",
    "keywords": "",
    "author": "David Silva",
    "author_email": "davidtvs10@gmail.com",
    "download_url": "https://files.pythonhosted.org/packages/8b/71/9b07568ac209f956a6a60352952419bfefebe00d503717b0b6b4330bfbb7/torch-lr-finder-0.2.1.tar.gz",
    "platform": "",
    "description": "# PyTorch learning rate finder\n\n![](https://github.com/davidtvs/pytorch-lr-finder/workflows/ci-build/badge.svg?branch=master)\n[![codecov](https://codecov.io/gh/davidtvs/pytorch-lr-finder/branch/master/graph/badge.svg)](https://codecov.io/gh/davidtvs/pytorch-lr-finder)\n[![](https://img.shields.io/pypi/v/torch-lr-finder)](https://pypi.org/project/torch-lr-finder/)\n\nA PyTorch implementation of the learning rate range test detailed in [Cyclical Learning Rates for Training Neural Networks](https://arxiv.org/abs/1506.01186) by Leslie N. Smith and the tweaked version used by [fastai](https://github.com/fastai/fastai).\n\nThe learning rate range test is a test that provides valuable information about the optimal learning rate. During a pre-training run, the learning rate is increased linearly or exponentially between two boundaries. The low initial learning rate allows the network to start converging and as the learning rate is increased it will eventually be too large and the network will diverge.\n\nTypically, a good static learning rate can be found half-way on the descending loss curve. In the plot below that would be `lr = 0.002`.\n\nFor cyclical learning rates (also detailed in Leslie Smith's paper) where the learning rate is cycled between two boundaries `(start_lr, end_lr)`, the author advises the point at which the loss starts descending and the point at which the loss stops descending or becomes ragged for `start_lr` and `end_lr` respectively.  In the plot below, `start_lr = 0.0002` and `end_lr=0.2`.\n\n![Learning rate range test](images/lr_finder_cifar10.png)\n\n## Installation\n\nPython 3.5 and above:\n\n```bash\npip install torch-lr-finder\n```\n\nInstall with the support of mixed precision training (see also [this section](#Mixed-precision-training)):\n\n```bash\npip install torch-lr-finder -v --global-option=\"apex\"\n```\n\n## Implementation details and usage\n\n### Tweaked version from fastai\n\nIncreases the learning rate in an exponential manner and computes the training loss for each learning rate. `lr_finder.plot()` plots the training loss versus logarithmic learning rate.\n\n```python\nfrom torch_lr_finder import LRFinder\n\nmodel = ...\ncriterion = nn.CrossEntropyLoss()\noptimizer = optim.Adam(model.parameters(), lr=1e-7, weight_decay=1e-2)\nlr_finder = LRFinder(model, optimizer, criterion, device=\"cuda\")\nlr_finder.range_test(trainloader, end_lr=100, num_iter=100)\nlr_finder.plot() # to inspect the loss-learning rate graph\nlr_finder.reset() # to reset the model and optimizer to their initial state\n```\n\n### Leslie Smith's approach\n\nIncreases the learning rate linearly and computes the evaluation loss for each learning rate. `lr_finder.plot()` plots the evaluation loss versus learning rate.\nThis approach typically produces more precise curves because the evaluation loss is more susceptible to divergence but it takes significantly longer to perform the test, especially if the evaluation dataset is large.\n\n```python\nfrom torch_lr_finder import LRFinder\n\nmodel = ...\ncriterion = nn.CrossEntropyLoss()\noptimizer = optim.Adam(model.parameters(), lr=0.1, weight_decay=1e-2)\nlr_finder = LRFinder(model, optimizer, criterion, device=\"cuda\")\nlr_finder.range_test(trainloader, val_loader=val_loader, end_lr=1, num_iter=100, step_mode=\"linear\")\nlr_finder.plot(log_lr=False)\nlr_finder.reset()\n```\n\n### Notes\n\n- Examples for CIFAR10 and MNIST can be found in the examples folder.\n- The optimizer passed to `LRFinder` should not have an `LRScheduler` attached to it.\n- `LRFinder.range_test()` will change the model weights and the optimizer parameters. Both can be restored to their initial state with `LRFinder.reset()`.\n- The learning rate and loss history can be accessed through `lr_finder.history`. This will return a dictionary with `lr` and `loss` keys.\n- When using `step_mode=\"linear\"` the learning rate range should be within the same order of magnitude.\n- `LRFinder.range_test()` expects a pair of `input, label` to be returned from the `DataLoader` objects passed to it. The `input` must be ready to be passed to the model and the `label` must be ready to be passed to the `criterion` without any further data processing/handling/conversion. If you find yourself needing a workaround you can make use of the classes `TrainDataLoaderIter` and `ValDataLoaderIter` to perform any data processing/handling/conversion inbetween the `DataLoader` and the training/evaluation loop. You can find an example of how to use these classes in [examples/lrfinder_cifar10_dataloader_iter](examples/lrfinder_cifar10_dataloader_iter.ipynb).\n\n## Additional support for training\n\n### Gradient accumulation\n\nYou can set the `accumulation_steps` parameter in `LRFinder.range_test()` with a proper value to perform gradient accumulation:\n\n```python\nfrom torch.utils.data import DataLoader\nfrom torch_lr_finder import LRFinder\n\ndesired_batch_size, real_batch_size = 32, 4\naccumulation_steps = desired_batch_size // real_batch_size\n\ndataset = ...\n\n# Beware of the `batch_size` used by `DataLoader`\ntrainloader = DataLoader(dataset, batch_size=real_batch_size, shuffle=True)\n\nmodel = ...\ncriterion = ...\noptimizer = ...\n\n# (Optional) With this setting, `amp.scale_loss()` will be adopted automatically.\n# model, optimizer = amp.initialize(model, optimizer, opt_level='O1')\n\nlr_finder = LRFinder(model, optimizer, criterion, device=\"cuda\")\nlr_finder.range_test(trainloader, end_lr=10, num_iter=100, step_mode=\"exp\", accumulation_steps=accumulation_steps)\nlr_finder.plot()\nlr_finder.reset()\n```\n\n### Mixed precision training\n\nCurrently, we use [`apex`](https://github.com/NVIDIA/apex) as the dependency for mixed precision training.\nTo enable mixed precision training, you just need to call `amp.initialize()` before running `LRFinder`. e.g.\n\n```python\nfrom torch_lr_finder import LRFinder\nfrom apex import amp\n\n# Add this line before running `LRFinder`\nmodel, optimizer = amp.initialize(model, optimizer, opt_level='O1')\n\nlr_finder = LRFinder(model, optimizer, criterion, device='cuda')\nlr_finder.range_test(trainloader, end_lr=10, num_iter=100, step_mode='exp')\nlr_finder.plot()\nlr_finder.reset()\n```\n\nNote that the benefit of mixed precision training requires a nvidia GPU with tensor cores (see also: [NVIDIA/apex #297](https://github.com/NVIDIA/apex/issues/297))\n\nBesides, you can try to set `torch.backends.cudnn.benchmark = True` to improve the training speed. (but it won't work for some cases, you should use it at your own risk)\n\n## Contributing and pull requests\n\nAll contributions are welcome but first, have a look at [CONTRIBUTING.md](CONTRIBUTING.md).\n\n\n",
    "bugtrack_url": null,
    "license": "",
    "summary": "Pytorch implementation of the learning rate range test",
    "version": "0.2.1",
    "split_keywords": [],
    "urls": [
        {
            "comment_text": "",
            "digests": {
                "md5": "a0d2ea59d766eed72ae26a64ee995297",
                "sha256": "79df546e464df87499a942f6817bd3d4742449bcc33b6b1395cd2a800c3c2aba"
            },
            "downloads": -1,
            "filename": "torch_lr_finder-0.2.1-py3-none-any.whl",
            "has_sig": false,
            "md5_digest": "a0d2ea59d766eed72ae26a64ee995297",
            "packagetype": "bdist_wheel",
            "python_version": "py3",
            "requires_python": ">=3.5.9",
            "size": 11965,
            "upload_time": "2020-09-13T15:50:33",
            "upload_time_iso_8601": "2020-09-13T15:50:33.826510Z",
            "url": "https://files.pythonhosted.org/packages/ea/51/1a869067989a0fdaf18e49f0ee3aebfcb63470525245aac7dc390cfc676a/torch_lr_finder-0.2.1-py3-none-any.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "md5": "8934089f98f1bc9bd722ee3a219daf79",
                "sha256": "151ad6ed0e32cee6c4a84a1a871281c52975198acb25884a7cd51a528bc7c2f3"
            },
            "downloads": -1,
            "filename": "torch-lr-finder-0.2.1.tar.gz",
            "has_sig": false,
            "md5_digest": "8934089f98f1bc9bd722ee3a219daf79",
            "packagetype": "sdist",
            "python_version": "source",
            "requires_python": ">=3.5.9",
            "size": 13248,
            "upload_time": "2020-09-13T15:50:34",
            "upload_time_iso_8601": "2020-09-13T15:50:34.687620Z",
            "url": "https://files.pythonhosted.org/packages/8b/71/9b07568ac209f956a6a60352952419bfefebe00d503717b0b6b4330bfbb7/torch-lr-finder-0.2.1.tar.gz",
            "yanked": false,
            "yanked_reason": null
        }
    ],
    "upload_time": "2020-09-13 15:50:34",
    "github": true,
    "gitlab": false,
    "bitbucket": false,
    "github_user": "davidtvs",
    "github_project": "pytorch-lr-finder",
    "travis_ci": false,
    "coveralls": false,
    "github_actions": true,
    "lcname": "torch-lr-finder"
}
        
Elapsed time: 0.04148s