2020-03-06 17:00:05 +00:00
|
|
|
"""Test deprecated functionality which will be removed in vX.Y.Z"""
|
2020-06-17 17:42:28 +00:00
|
|
|
import random
|
2020-04-23 21:34:47 +00:00
|
|
|
import sys
|
|
|
|
|
|
|
|
import pytest
|
2020-06-16 03:06:17 +00:00
|
|
|
import torch
|
2020-03-06 17:00:05 +00:00
|
|
|
|
|
|
|
from pytorch_lightning import Trainer
|
2020-05-10 17:15:28 +00:00
|
|
|
from tests.base import EvalModelTemplate
|
2020-03-06 17:00:05 +00:00
|
|
|
|
2020-03-20 19:51:14 +00:00
|
|
|
|
2020-04-23 21:34:47 +00:00
|
|
|
def _soft_unimport_module(str_module):
|
|
|
|
# once the module is imported e.g with parsing with pytest it lives in memory
|
|
|
|
if str_module in sys.modules:
|
|
|
|
del sys.modules[str_module]
|
2020-03-06 17:00:05 +00:00
|
|
|
|
|
|
|
|
2020-06-17 17:42:28 +00:00
|
|
|
def test_tbd_remove_in_v0_10_0_trainer():
|
|
|
|
rnd_val = random.random()
|
|
|
|
with pytest.deprecated_call(match='v0.10.0'):
|
|
|
|
trainer = Trainer(overfit_pct=rnd_val)
|
|
|
|
assert trainer.overfit_batches == rnd_val
|
|
|
|
with pytest.deprecated_call(match='v0.10.0'):
|
|
|
|
assert trainer.overfit_pct == rnd_val
|
|
|
|
|
|
|
|
rnd_val = random.random()
|
|
|
|
with pytest.deprecated_call(match='v0.10.0'):
|
|
|
|
trainer = Trainer(train_percent_check=rnd_val)
|
|
|
|
assert trainer.limit_train_batches == rnd_val
|
|
|
|
with pytest.deprecated_call(match='v0.10.0'):
|
|
|
|
assert trainer.train_percent_check == rnd_val
|
|
|
|
|
|
|
|
rnd_val = random.random()
|
|
|
|
with pytest.deprecated_call(match='v0.10.0'):
|
|
|
|
trainer = Trainer(val_percent_check=rnd_val)
|
|
|
|
assert trainer.limit_val_batches == rnd_val
|
|
|
|
with pytest.deprecated_call(match='v0.10.0'):
|
|
|
|
assert trainer.val_percent_check == rnd_val
|
|
|
|
|
|
|
|
rnd_val = random.random()
|
|
|
|
with pytest.deprecated_call(match='v0.10.0'):
|
|
|
|
trainer = Trainer(test_percent_check=rnd_val)
|
|
|
|
assert trainer.limit_test_batches == rnd_val
|
|
|
|
with pytest.deprecated_call(match='v0.10.0'):
|
|
|
|
assert trainer.test_percent_check == rnd_val
|
|
|
|
|
2020-06-19 19:46:27 +00:00
|
|
|
trainer = Trainer()
|
|
|
|
with pytest.deprecated_call(match='v0.10.0'):
|
|
|
|
trainer.proc_rank = 0
|
|
|
|
with pytest.deprecated_call(match='v0.10.0'):
|
|
|
|
assert trainer.proc_rank == trainer.global_rank
|
|
|
|
|
2020-06-17 17:42:28 +00:00
|
|
|
|
2020-04-02 22:53:00 +00:00
|
|
|
def test_tbd_remove_in_v0_9_0_trainer():
|
|
|
|
# test show_progress_bar set by progress_bar_refresh_rate
|
2020-04-23 21:34:47 +00:00
|
|
|
with pytest.deprecated_call(match='v0.9.0'):
|
|
|
|
trainer = Trainer(progress_bar_refresh_rate=0, show_progress_bar=True)
|
2020-04-02 22:53:00 +00:00
|
|
|
assert not getattr(trainer, 'show_progress_bar')
|
|
|
|
|
2020-04-23 21:34:47 +00:00
|
|
|
with pytest.deprecated_call(match='v0.9.0'):
|
|
|
|
trainer = Trainer(progress_bar_refresh_rate=50, show_progress_bar=False)
|
2020-04-02 22:53:00 +00:00
|
|
|
assert getattr(trainer, 'show_progress_bar')
|
|
|
|
|
2020-05-17 20:30:54 +00:00
|
|
|
with pytest.deprecated_call(match='v0.9.0'):
|
2020-05-31 04:48:05 +00:00
|
|
|
trainer = Trainer(num_tpu_cores=8)
|
|
|
|
assert trainer.tpu_cores == 8
|
2020-05-17 20:30:54 +00:00
|
|
|
|
2020-04-02 22:53:00 +00:00
|
|
|
|
2020-03-20 19:51:14 +00:00
|
|
|
def test_tbd_remove_in_v0_9_0_module_imports():
|
2020-04-23 21:34:47 +00:00
|
|
|
_soft_unimport_module("pytorch_lightning.core.decorators")
|
|
|
|
with pytest.deprecated_call(match='v0.9.0'):
|
|
|
|
from pytorch_lightning.core.decorators import data_loader # noqa: F811
|
|
|
|
data_loader(print)
|
|
|
|
|
|
|
|
_soft_unimport_module("pytorch_lightning.logging.comet")
|
|
|
|
with pytest.deprecated_call(match='v0.9.0'):
|
|
|
|
from pytorch_lightning.logging.comet import CometLogger # noqa: F402
|
|
|
|
_soft_unimport_module("pytorch_lightning.logging.mlflow")
|
|
|
|
with pytest.deprecated_call(match='v0.9.0'):
|
|
|
|
from pytorch_lightning.logging.mlflow import MLFlowLogger # noqa: F402
|
|
|
|
_soft_unimport_module("pytorch_lightning.logging.neptune")
|
|
|
|
with pytest.deprecated_call(match='v0.9.0'):
|
|
|
|
from pytorch_lightning.logging.neptune import NeptuneLogger # noqa: F402
|
|
|
|
_soft_unimport_module("pytorch_lightning.logging.test_tube")
|
|
|
|
with pytest.deprecated_call(match='v0.9.0'):
|
|
|
|
from pytorch_lightning.logging.test_tube import TestTubeLogger # noqa: F402
|
|
|
|
_soft_unimport_module("pytorch_lightning.logging.wandb")
|
|
|
|
with pytest.deprecated_call(match='v0.9.0'):
|
|
|
|
from pytorch_lightning.logging.wandb import WandbLogger # noqa: F402
|
2020-03-31 12:57:48 +00:00
|
|
|
|
2020-03-20 19:51:14 +00:00
|
|
|
|
2020-05-10 17:15:28 +00:00
|
|
|
class ModelVer0_6(EvalModelTemplate):
|
2020-03-20 19:51:14 +00:00
|
|
|
|
|
|
|
# todo: this shall not be needed while evaluate asks for dataloader explicitly
|
|
|
|
def val_dataloader(self):
|
2020-05-10 17:15:28 +00:00
|
|
|
return self.dataloader(train=False)
|
2020-03-20 19:51:14 +00:00
|
|
|
|
2020-04-02 15:53:37 +00:00
|
|
|
def validation_step(self, batch, batch_idx, *args, **kwargs):
|
2020-06-16 03:06:17 +00:00
|
|
|
return {'val_loss': torch.tensor(0.6)}
|
2020-04-02 15:53:37 +00:00
|
|
|
|
2020-03-20 19:51:14 +00:00
|
|
|
def validation_end(self, outputs):
|
2020-06-16 03:06:17 +00:00
|
|
|
return {'val_loss': torch.tensor(0.6)}
|
2020-03-20 19:51:14 +00:00
|
|
|
|
2020-04-02 15:53:37 +00:00
|
|
|
def test_dataloader(self):
|
2020-05-10 17:15:28 +00:00
|
|
|
return self.dataloader(train=False)
|
2020-04-02 15:53:37 +00:00
|
|
|
|
2020-03-20 19:51:14 +00:00
|
|
|
def test_end(self, outputs):
|
2020-06-16 03:06:17 +00:00
|
|
|
return {'test_loss': torch.tensor(0.6)}
|
2020-03-20 19:51:14 +00:00
|
|
|
|
|
|
|
|
2020-05-10 17:15:28 +00:00
|
|
|
class ModelVer0_7(EvalModelTemplate):
|
2020-03-20 19:51:14 +00:00
|
|
|
|
|
|
|
# todo: this shall not be needed while evaluate asks for dataloader explicitly
|
|
|
|
def val_dataloader(self):
|
2020-05-10 17:15:28 +00:00
|
|
|
return self.dataloader(train=False)
|
2020-03-20 19:51:14 +00:00
|
|
|
|
2020-04-02 15:53:37 +00:00
|
|
|
def validation_step(self, batch, batch_idx, *args, **kwargs):
|
2020-06-16 03:06:17 +00:00
|
|
|
return {'val_loss': torch.tensor(0.7)}
|
2020-04-02 15:53:37 +00:00
|
|
|
|
2020-03-20 19:51:14 +00:00
|
|
|
def validation_end(self, outputs):
|
2020-06-16 03:06:17 +00:00
|
|
|
return {'val_loss': torch.tensor(0.7)}
|
2020-03-20 19:51:14 +00:00
|
|
|
|
2020-04-02 15:53:37 +00:00
|
|
|
def test_dataloader(self):
|
2020-05-10 17:15:28 +00:00
|
|
|
return self.dataloader(train=False)
|
2020-04-02 15:53:37 +00:00
|
|
|
|
2020-03-20 19:51:14 +00:00
|
|
|
def test_end(self, outputs):
|
2020-06-16 03:06:17 +00:00
|
|
|
return {'test_loss': torch.tensor(0.7)}
|
2020-03-20 19:51:14 +00:00
|
|
|
|
|
|
|
|
|
|
|
def test_tbd_remove_in_v1_0_0_model_hooks():
|
2020-05-10 17:15:28 +00:00
|
|
|
hparams = EvalModelTemplate.get_default_hparams()
|
2020-03-20 19:51:14 +00:00
|
|
|
|
|
|
|
model = ModelVer0_6(hparams)
|
|
|
|
|
2020-04-23 21:34:47 +00:00
|
|
|
with pytest.deprecated_call(match='v1.0'):
|
|
|
|
trainer = Trainer(logger=False)
|
|
|
|
trainer.test(model)
|
2020-06-16 03:06:17 +00:00
|
|
|
assert trainer.callback_metrics == {'test_loss': torch.tensor(0.6)}
|
2020-03-20 19:51:14 +00:00
|
|
|
|
2020-04-23 21:34:47 +00:00
|
|
|
with pytest.deprecated_call(match='v1.0'):
|
|
|
|
trainer = Trainer(logger=False)
|
|
|
|
# TODO: why `dataloder` is required if it is not used
|
2020-06-23 15:21:24 +00:00
|
|
|
result = trainer._evaluate(model, dataloaders=[[None]], max_batches=1)
|
2020-06-16 03:06:17 +00:00
|
|
|
assert result == {'val_loss': torch.tensor(0.6)}
|
2020-03-20 19:51:14 +00:00
|
|
|
|
|
|
|
model = ModelVer0_7(hparams)
|
|
|
|
|
2020-04-23 21:34:47 +00:00
|
|
|
with pytest.deprecated_call(match='v1.0'):
|
|
|
|
trainer = Trainer(logger=False)
|
|
|
|
trainer.test(model)
|
2020-06-16 03:06:17 +00:00
|
|
|
assert trainer.callback_metrics == {'test_loss': torch.tensor(0.7)}
|
2020-03-20 19:51:14 +00:00
|
|
|
|
2020-04-23 21:34:47 +00:00
|
|
|
with pytest.deprecated_call(match='v1.0'):
|
|
|
|
trainer = Trainer(logger=False)
|
|
|
|
# TODO: why `dataloder` is required if it is not used
|
2020-06-23 15:21:24 +00:00
|
|
|
result = trainer._evaluate(model, dataloaders=[[None]], max_batches=1)
|
2020-06-16 03:06:17 +00:00
|
|
|
assert result == {'val_loss': torch.tensor(0.7)}
|