lightning/tests/test_models.py

208 lines
5.2 KiB
Python
Raw Normal View History

2019-07-24 12:31:57 +00:00
import pytest
from pytorch_lightning import Trainer
from pytorch_lightning.examples.new_project_templates.lightning_module_template import LightningTemplateModel
from argparse import Namespace
from test_tube import Experiment
2019-07-24 12:53:00 +00:00
import numpy as np
2019-07-24 12:44:00 +00:00
import warnings
import torch
2019-07-24 12:31:57 +00:00
import os
2019-07-24 12:53:00 +00:00
SEED = 2334
torch.manual_seed(SEED)
np.random.seed(SEED)
2019-07-24 12:31:57 +00:00
def get_model():
2019-07-24 12:56:22 +00:00
# set up model with these hyperparams
2019-07-24 12:31:57 +00:00
root_dir = os.path.dirname(os.path.realpath(__file__))
hparams = Namespace(**{'drop_prob': 0.2,
'batch_size': 32,
'in_features': 28*28,
'learning_rate': 0.001*8,
'optimizer_name': 'adam',
'data_root': os.path.join(root_dir, 'mnist'),
'out_features': 10,
'hidden_dim': 1000})
model = LightningTemplateModel(hparams)
return model
2019-07-24 12:53:59 +00:00
2019-07-24 12:31:57 +00:00
def get_exp():
2019-07-24 12:56:22 +00:00
# set up exp object without actually saving logs
2019-07-24 13:12:37 +00:00
root_dir = os.path.dirname(os.path.realpath(__file__))
2019-07-24 13:13:02 +00:00
exp = Experiment(debug=True, save_dir=root_dir, name='tests_tt_dir')
2019-07-24 12:31:57 +00:00
return exp
2019-07-24 12:53:59 +00:00
2019-07-24 12:53:00 +00:00
def assert_ok_acc(trainer):
# this model should get 0.80+ acc
2019-07-24 13:04:36 +00:00
assert trainer.tng_tqdm_dic['val_acc'] > 0.80, "model failed to get expected 0.80 validation accuracy"
2019-07-24 12:53:00 +00:00
2019-07-24 12:53:59 +00:00
2019-07-24 12:31:57 +00:00
def test_cpu_model():
2019-07-24 12:56:22 +00:00
"""
Make sure model trains on CPU
:return:
"""
2019-07-24 12:31:57 +00:00
model = get_model()
trainer = Trainer(
experiment=get_exp(),
max_nb_epochs=1,
train_percent_check=0.4,
val_percent_check=0.4
)
result = trainer.fit(model)
2019-07-24 13:04:36 +00:00
assert result == 1, 'cpu model failed to complete'
2019-07-24 12:31:57 +00:00
2019-07-24 12:53:00 +00:00
assert_ok_acc(trainer)
2019-07-24 12:31:57 +00:00
def test_single_gpu_model():
2019-07-24 12:44:00 +00:00
"""
Make sure single GPU works (DP mode)
:return:
"""
if not torch.cuda.is_available():
warnings.warn('test_single_gpu_model cannot run. Rerun on a GPU node to run this test')
return
2019-07-24 12:31:57 +00:00
model = get_model()
trainer = Trainer(
experiment=get_exp(),
max_nb_epochs=1,
train_percent_check=0.4,
val_percent_check=0.4,
gpus=[0]
)
result = trainer.fit(model)
2019-07-24 13:04:36 +00:00
assert result == 1, 'single gpu model failed to complete'
2019-07-24 12:53:00 +00:00
assert_ok_acc(trainer)
2019-07-24 12:31:57 +00:00
def test_multi_gpu_model_dp():
2019-07-24 12:44:00 +00:00
"""
Make sure DP works
:return:
"""
if not torch.cuda.is_available():
warnings.warn('test_multi_gpu_model_dp cannot run. Rerun on a GPU node to run this test')
return
if not torch.cuda.device_count() > 1:
warnings.warn('test_multi_gpu_model_dp cannot run. Rerun on a node with 2+ GPUs to run this test')
return
2019-07-24 12:31:57 +00:00
model = get_model()
trainer = Trainer(
experiment=get_exp(),
max_nb_epochs=1,
train_percent_check=0.4,
val_percent_check=0.4,
gpus=[0, 1]
)
result = trainer.fit(model)
2019-07-24 13:04:36 +00:00
assert result == 1, 'multi-gpu dp model failed to complete'
2019-07-24 12:53:00 +00:00
assert_ok_acc(trainer)
2019-07-24 12:31:57 +00:00
def test_multi_gpu_model_ddp():
2019-07-24 12:44:00 +00:00
"""
Make sure DDP works
:return:
"""
if not torch.cuda.is_available():
warnings.warn('test_multi_gpu_model_ddp cannot run. Rerun on a GPU node to run this test')
return
if not torch.cuda.device_count() > 1:
warnings.warn('test_multi_gpu_model_ddp cannot run. Rerun on a node with 2+ GPUs to run this test')
return
2019-07-24 12:31:57 +00:00
model = get_model()
trainer = Trainer(
experiment=get_exp(),
max_nb_epochs=1,
train_percent_check=0.4,
val_percent_check=0.4,
gpus=[0, 1],
distributed_backend='ddp'
)
result = trainer.fit(model)
2019-07-24 13:04:36 +00:00
assert result == 1, 'multi-gpu ddp model failed to complete'
2019-07-24 12:53:00 +00:00
assert_ok_acc(trainer)
2019-07-24 12:31:57 +00:00
2019-07-24 12:44:00 +00:00
def test_amp_gpu_ddp():
"""
Make sure DDP + AMP work
:return:
"""
if not torch.cuda.is_available():
warnings.warn('test_amp_gpu_ddp cannot run. Rerun on a GPU node to run this test')
return
if not torch.cuda.device_count() > 1:
warnings.warn('test_amp_gpu_ddp cannot run. Rerun on a node with 2+ GPUs to run this test')
return
model = get_model()
trainer = Trainer(
experiment=get_exp(),
max_nb_epochs=1,
train_percent_check=0.4,
val_percent_check=0.4,
gpus=[0, 1],
distributed_backend='ddp',
use_amp=True
)
result = trainer.fit(model)
2019-07-24 13:04:36 +00:00
assert result == 1, 'amp + ddp model failed to complete'
2019-07-24 12:53:00 +00:00
assert_ok_acc(trainer)
2019-07-24 12:44:00 +00:00
def test_amp_gpu_dp():
"""
Make sure DP + AMP work
:return:
"""
if not torch.cuda.is_available():
warnings.warn('test_amp_gpu_dp cannot run. Rerun on a GPU node to run this test')
return
if not torch.cuda.device_count() > 1:
warnings.warn('test_amp_gpu_dp cannot run. Rerun on a node with 2+ GPUs to run this test')
return
model = get_model()
trainer = Trainer(
experiment=get_exp(),
max_nb_epochs=1,
train_percent_check=0.4,
val_percent_check=0.4,
gpus=[0, 1],
distributed_backend='dp',
use_amp=True
)
result = trainer.fit(model)
2019-07-24 13:04:36 +00:00
assert result == 1, 'amp + gpu model failed to complete'
2019-07-24 12:53:00 +00:00
assert_ok_acc(trainer)
2019-07-24 12:44:00 +00:00
2019-07-24 12:31:57 +00:00
if __name__ == '__main__':
pytest.main([__file__])