lightning/tests/test_models.py

377 lines
10 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
2019-07-24 20:57:21 +00:00
from pytorch_lightning.testing_models.lm_test_module import LightningTestModel
2019-07-24 12:31:57 +00:00
from argparse import Namespace
from test_tube import Experiment
2019-07-24 19:48:35 +00:00
from pytorch_lightning.callbacks import ModelCheckpoint, EarlyStopping
2019-07-24 20:57:21 +00:00
from pytorch_lightning.utils.debugging import MisconfigurationException
2019-07-24 21:41:08 +00:00
from pytorch_lightning.root_module import memory
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 13:18:37 +00:00
import shutil
2019-07-24 12:31:57 +00:00
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
2019-07-24 16:04:48 +00:00
# ------------------------------------------------------------------------
2019-07-24 16:03:39 +00:00
# TESTS
2019-07-24 16:04:48 +00:00
# ------------------------------------------------------------------------
2019-07-24 22:10:30 +00:00
def test_cpu_model():
"""
Make sure model trains on CPU
:return:
"""
trainer_options = dict(
progress_bar=False,
experiment=get_exp(),
max_nb_epochs=1,
train_percent_check=0.4,
val_percent_check=0.4
)
model, hparams = get_model()
run_gpu_model_test(trainer_options, model, hparams, on_gpu=False)
def test_all_features_cpu_model():
"""
Test each of the trainer options
:return:
"""
trainer_options = dict(
gradient_clip=1.0,
overfit_pct=0.20,
track_grad_norm=2,
print_nan_grads=True,
progress_bar=False,
experiment=get_exp(),
max_nb_epochs=1,
train_percent_check=0.4,
val_percent_check=0.4
)
model, hparams = get_model()
run_gpu_model_test(trainer_options, model, hparams, on_gpu=False)
def test_early_stopping_cpu_model():
"""
Test each of the trainer options
:return:
"""
stopping = EarlyStopping()
trainer_options = dict(
early_stop_callback=stopping,
gradient_clip=1.0,
overfit_pct=0.20,
track_grad_norm=2,
print_nan_grads=True,
progress_bar=False,
experiment=get_exp(),
max_nb_epochs=1,
train_percent_check=0.4,
val_percent_check=0.4
)
model, hparams = get_model()
run_gpu_model_test(trainer_options, model, hparams, on_gpu=False)
def test_single_gpu_model():
"""
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
model, hparams = get_model()
trainer_options = dict(
progress_bar=False,
max_nb_epochs=1,
train_percent_check=0.1,
val_percent_check=0.1,
gpus=[0]
)
run_gpu_model_test(trainer_options, model, hparams)
def test_multi_gpu_model_dp():
2019-07-24 22:09:04 +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
model, hparams = get_model()
trainer_options = dict(
progress_bar=False,
max_nb_epochs=1,
train_percent_check=0.1,
val_percent_check=0.1,
2019-07-24 22:10:30 +00:00
gpus=[0, 1]
2019-07-24 22:09:04 +00:00
)
2019-07-24 22:10:30 +00:00
run_gpu_model_test(trainer_options, model, hparams)
2019-07-24 22:09:04 +00:00
2019-07-24 22:10:30 +00:00
# test memory helper functions
memory.get_gpu_memory_map()
2019-07-24 22:09:04 +00:00
2019-07-24 22:10:30 +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, hparams = get_model()
trainer_options = dict(
max_nb_epochs=1,
gpus='0, 1', # test init with gpu string
distributed_backend='dp',
use_amp=True
)
with pytest.raises(MisconfigurationException):
run_gpu_model_test(trainer_options, model, hparams)
2019-07-24 22:09:04 +00:00
2019-07-24 21:57:15 +00:00
2019-07-24 22:10:30 +00:00
def test_multi_gpu_model_ddp():
2019-07-24 21:57:15 +00:00
"""
2019-07-24 22:10:30 +00:00
Make sure DDP works
2019-07-24 21:57:15 +00:00
:return:
"""
if not torch.cuda.is_available():
2019-07-24 22:10:30 +00:00
warnings.warn('test_multi_gpu_model_ddp cannot run. Rerun on a GPU node to run this test')
2019-07-24 21:57:15 +00:00
return
if not torch.cuda.device_count() > 1:
2019-07-24 22:10:30 +00:00
warnings.warn('test_multi_gpu_model_ddp cannot run. Rerun on a node with 2+ GPUs to run this test')
2019-07-24 21:57:15 +00:00
return
2019-07-24 22:10:30 +00:00
os.environ['MASTER_PORT'] = str(np.random.randint(12000, 19000, 1)[0])
2019-07-24 21:57:15 +00:00
model, hparams = get_model()
trainer_options = dict(
progress_bar=False,
max_nb_epochs=1,
train_percent_check=0.1,
val_percent_check=0.1,
2019-07-24 22:10:30 +00:00
gpus=[0, 1],
distributed_backend='ddp'
2019-07-24 21:57:15 +00:00
)
2019-07-24 22:10:30 +00:00
run_gpu_model_test(trainer_options, model, hparams)
2019-07-24 21:57:15 +00:00
2019-07-24 22:10:30 +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
2019-07-24 21:57:15 +00:00
2019-07-24 22:10:30 +00:00
os.environ['MASTER_PORT'] = str(np.random.randint(12000, 19000, 1)[0])
2019-07-24 21:57:15 +00:00
2019-07-24 22:10:30 +00:00
hparams = get_hparams()
model = LightningTestModel(hparams)
2019-07-24 21:57:15 +00:00
2019-07-24 22:10:30 +00:00
trainer_options = dict(
progress_bar=True,
max_nb_epochs=1,
gpus=[0, 1],
distributed_backend='ddp',
use_amp=True
)
2019-07-24 21:57:15 +00:00
2019-07-24 22:10:30 +00:00
run_gpu_model_test(trainer_options, model, hparams)
2019-07-24 21:57:15 +00:00
2019-07-24 22:10:30 +00:00
def test_ddp_sampler_error():
"""
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
os.environ['MASTER_PORT'] = str(np.random.randint(12000, 19000, 1)[0])
hparams = get_hparams()
model = LightningTestModel(hparams, force_remove_distributed_sampler=True)
exp = get_exp(True)
exp.save()
trainer = Trainer(
experiment=exp,
progress_bar=False,
max_nb_epochs=1,
gpus=[0, 1],
distributed_backend='ddp',
use_amp=True
)
with pytest.raises(MisconfigurationException):
trainer.get_dataloaders(model)
clear_save_dir()
2019-07-24 21:11:25 +00:00
2019-07-24 21:41:08 +00:00
2019-07-24 16:13:28 +00:00
# ------------------------------------------------------------------------
# UTILS
# ------------------------------------------------------------------------
2019-07-24 20:57:21 +00:00
def run_gpu_model_test(trainer_options, model, hparams, on_gpu=True):
2019-07-24 16:00:40 +00:00
save_dir = init_save_dir()
# exp file to get meta
exp = get_exp(False)
exp.argparse(hparams)
exp.save()
# exp file to get weights
checkpoint = ModelCheckpoint(save_dir)
2019-07-24 12:44:00 +00:00
2019-07-24 16:13:28 +00:00
# add these to the trainer options
2019-07-24 16:14:26 +00:00
trainer_options['checkpoint_callback'] = checkpoint
trainer_options['experiment'] = exp
2019-07-24 12:44:00 +00:00
2019-07-24 16:13:28 +00:00
# fit model
trainer = Trainer(**trainer_options)
2019-07-24 12:44:00 +00:00
result = trainer.fit(model)
2019-07-24 13:15:26 +00:00
# correct result and ok accuracy
2019-07-24 14:24:15 +00:00
assert result == 1, 'amp + ddp model failed to complete'
2019-07-24 12:44:00 +00:00
2019-07-24 16:00:40 +00:00
# test model loading
2019-07-24 18:17:36 +00:00
pretrained_model = load_model(exp, save_dir, on_gpu)
2019-07-24 16:00:40 +00:00
# test model preds
run_prediction(model.test_dataloader, pretrained_model)
2019-07-24 12:44:00 +00:00
2019-07-24 22:10:30 +00:00
# test HPC loading / saving
trainer.hpc_save(save_dir, exp)
trainer.hpc_load(save_dir, on_gpu=True)
2019-07-24 16:00:40 +00:00
clear_save_dir()
2019-07-24 13:17:10 +00:00
2019-07-24 14:24:15 +00:00
2019-07-24 20:57:21 +00:00
def get_hparams():
2019-07-24 16:03:39 +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})
2019-07-24 20:57:21 +00:00
return hparams
def get_model():
# set up model with these hyperparams
hparams = get_hparams()
2019-07-24 16:03:39 +00:00
model = LightningTemplateModel(hparams)
return model, hparams
def get_exp(debug=True):
# set up exp object without actually saving logs
root_dir = os.path.dirname(os.path.realpath(__file__))
exp = Experiment(debug=debug, save_dir=root_dir, name='tests_tt_dir')
return exp
def init_save_dir():
root_dir = os.path.dirname(os.path.realpath(__file__))
save_dir = os.path.join(root_dir, 'save_dir')
if os.path.exists(save_dir):
shutil.rmtree(save_dir)
os.makedirs(save_dir, exist_ok=True)
return save_dir
def clear_save_dir():
root_dir = os.path.dirname(os.path.realpath(__file__))
save_dir = os.path.join(root_dir, 'save_dir')
if os.path.exists(save_dir):
shutil.rmtree(save_dir)
2019-07-24 18:17:36 +00:00
def load_model(exp, save_dir, on_gpu):
2019-07-24 16:03:39 +00:00
# load trained model
tags_path = exp.get_data_path(exp.name, exp.version)
tags_path = os.path.join(tags_path, 'meta_tags.csv')
checkpoints = [x for x in os.listdir(save_dir) if '.ckpt' in x]
weights_dir = os.path.join(save_dir, checkpoints[0])
2019-07-24 18:17:36 +00:00
trained_model = LightningTemplateModel.load_from_metrics(weights_path=weights_dir, tags_csv=tags_path, on_gpu=on_gpu)
2019-07-24 16:03:39 +00:00
assert trained_model is not None, 'loading model failed'
return trained_model
def run_prediction(dataloader, trained_model):
# run prediction on 1 batch
for batch in dataloader:
break
x, y = batch
x = x.view(x.size(0), -1)
y_hat = trained_model(x)
# acc
labels_hat = torch.argmax(y_hat, dim=1)
val_acc = torch.sum(y == labels_hat).item() / (len(y) * 1.0)
val_acc = torch.tensor(val_acc)
val_acc = val_acc.item()
print(val_acc)
2019-07-24 19:28:23 +00:00
assert val_acc > 0.55, f'this model is expected to get > 0.55 in test set (it got {val_acc})'
2019-07-24 16:03:39 +00:00
def assert_ok_acc(trainer):
# this model should get 0.80+ acc
acc = trainer.tng_tqdm_dic['val_acc']
2019-07-24 19:28:23 +00:00
assert acc > 0.55, f'model failed to get expected 0.55 validation accuracy. Got: {acc}'
2019-07-24 16:03:39 +00:00
2019-07-24 12:31:57 +00:00
if __name__ == '__main__':
pytest.main([__file__])