lightning/tests/debug.py

84 lines
2.1 KiB
Python
Raw Normal View History

2019-07-24 14:28:44 +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
import numpy as np
import warnings
import torch
import os
import shutil
2019-07-24 14:32:21 +00:00
import pdb
2019-07-24 14:28:44 +00:00
def get_model():
# set up model with these hyperparams
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
def get_exp():
# set up exp object without actually saving logs
root_dir = os.path.dirname(os.path.realpath(__file__))
exp = Experiment(debug=True, save_dir=root_dir, name='tests_tt_dir')
return exp
def clear_tt_dir():
root_dir = os.path.dirname(os.path.realpath(__file__))
tt_dir = os.path.join(root_dir, 'tests_tt_dir')
if os.path.exists(tt_dir):
shutil.rmtree(tt_dir)
def main():
clear_tt_dir()
model = get_model()
trainer = Trainer(
2019-07-24 14:44:35 +00:00
progress_bar=True,
2019-07-24 14:28:44 +00:00
experiment=get_exp(),
max_nb_epochs=1,
2019-07-24 14:51:07 +00:00
train_percent_check=0.1,
val_percent_check=0.1,
2019-07-24 14:28:44 +00:00
gpus=[0, 1],
distributed_backend='ddp',
use_amp=True
)
result = trainer.fit(model)
# correct result and ok accuracy
assert result == 1, 'amp + ddp model failed to complete'
2019-07-24 14:55:17 +00:00
# test prediction
2019-07-24 15:00:36 +00:00
data = model.val_dataloader
2019-07-24 14:55:17 +00:00
for batch in data:
break
2019-07-24 14:57:46 +00:00
x, y = batch
x = x.view(x.size(0), -1)
out = model(x)
2019-07-24 14:59:15 +00:00
labels_hat = torch.argmax(out, dim=1)
val_acc = torch.sum(y == labels_hat).item() / (len(y) * 1.0)
val_acc = torch.tensor(val_acc)
print(val_acc)
2019-07-24 14:55:17 +00:00
2019-07-24 14:28:44 +00:00
clear_tt_dir()
2019-07-24 14:44:35 +00:00
2019-07-24 14:28:44 +00:00
if __name__ == '__main__':
main()