mirror of https://github.com/hpcaitech/ColossalAI
You can not select more than 25 topics
Topics must start with a letter or number, can include dashes ('-') and can be up to 35 characters long.
87 lines
2.5 KiB
87 lines
2.5 KiB
3 years ago
|
from functools import partial
|
||
|
|
||
|
import colossalai
|
||
|
import pytest
|
||
|
import torch.multiprocessing as mp
|
||
|
from colossalai.amp import AMP_TYPE
|
||
|
from colossalai.core import global_context as gpc
|
||
|
from colossalai.utils import free_port
|
||
|
from colossalai.context import Config
|
||
|
from tests.components_to_test.registry import non_distributed_component_funcs
|
||
|
|
||
|
CONFIG = dict(parallel=dict(pipeline=dict(size=1), tensor=dict(size=1, mode=None)),
|
||
|
fp16=dict(mode=None),
|
||
|
clip_grad_norm=1.0)
|
||
|
|
||
|
|
||
|
def run_train():
|
||
|
for get_components_func in non_distributed_component_funcs:
|
||
|
model, train_dataloader, _, optimizer, criterion = get_components_func()
|
||
|
|
||
|
engine, train_dataloader, *args = colossalai.initialize(model=model,
|
||
|
optimizer=optimizer,
|
||
|
criterion=criterion,
|
||
|
train_dataloader=train_dataloader)
|
||
|
|
||
|
try:
|
||
|
engine.train()
|
||
|
for img, label in train_dataloader:
|
||
|
engine.zero_grad()
|
||
|
img = img.cuda()
|
||
|
label = label.cuda()
|
||
|
output = engine(img)
|
||
|
loss = engine.criterion(output, label)
|
||
|
engine.backward(loss)
|
||
|
engine.step()
|
||
|
break
|
||
|
except IndexError:
|
||
|
# if using apex amp, NetWithRepeatedlyComputedLayers will raise an index out of range issue
|
||
|
# the following check fails in apex
|
||
|
# if cached_x.grad_fn.next_functions[1][0].variable is not x:
|
||
|
continue
|
||
|
|
||
|
|
||
|
def run_with_no_amp():
|
||
|
run_train()
|
||
|
|
||
|
|
||
|
def run_with_torch_amp():
|
||
|
# hack config
|
||
|
CONFIG['fp16']['mode'] = AMP_TYPE.TORCH
|
||
|
gpc._config = Config(CONFIG)
|
||
|
run_train()
|
||
|
|
||
|
|
||
|
def run_with_apex_amp():
|
||
|
# hack config
|
||
|
CONFIG['fp16']['mode'] = AMP_TYPE.APEX
|
||
|
gpc._config = Config(CONFIG)
|
||
|
run_train()
|
||
|
|
||
|
|
||
|
def run_with_naive_amp():
|
||
|
# hack config
|
||
|
CONFIG['fp16']['mode'] = AMP_TYPE.NAIVE
|
||
|
gpc._config = Config(CONFIG)
|
||
|
run_train()
|
||
|
|
||
|
|
||
|
def run_engine(rank, world_size, port):
|
||
|
# init dist env
|
||
|
colossalai.launch(config=dict(), rank=rank, world_size=world_size, host='localhost', port=port, backend='nccl')
|
||
|
run_with_no_amp()
|
||
|
run_with_torch_amp()
|
||
|
run_with_apex_amp()
|
||
|
run_with_naive_amp()
|
||
|
|
||
|
|
||
|
@pytest.mark.dist
|
||
|
def test_engine():
|
||
|
world_size = 4
|
||
|
run_func = partial(run_engine, world_size=world_size, port=free_port())
|
||
|
mp.spawn(run_func, nprocs=world_size)
|
||
|
|
||
|
|
||
|
if __name__ == '__main__':
|
||
|
test_engine()
|