mirror of
https://github.com/hpcaitech/ColossalAI.git
synced 2025-09-08 04:24:47 +00:00
[legacy] clean up legacy code (#4743)
* [legacy] remove outdated codes of pipeline (#4692) * [legacy] remove cli of benchmark and update optim (#4690) * [legacy] remove cli of benchmark and update optim * [doc] fix cli doc test * [legacy] fix engine clip grad norm * [legacy] remove outdated colo tensor (#4694) * [legacy] remove outdated colo tensor * [test] fix test import * [legacy] move outdated zero to legacy (#4696) * [legacy] clean up utils (#4700) * [legacy] clean up utils * [example] update examples * [legacy] clean up amp * [legacy] fix amp module * [legacy] clean up gpc (#4742) * [legacy] clean up context * [legacy] clean core, constants and global vars * [legacy] refactor initialize * [example] fix examples ci * [example] fix examples ci * [legacy] fix tests * [example] fix gpt example * [example] fix examples ci * [devops] fix ci installation * [example] fix examples ci
This commit is contained in:
63
tests/test_legacy/test_data/test_data_parallel_sampler.py
Normal file
63
tests/test_legacy/test_data/test_data_parallel_sampler.py
Normal file
@@ -0,0 +1,63 @@
|
||||
#!/usr/bin/env python
|
||||
# -*- encoding: utf-8 -*-
|
||||
|
||||
import os
|
||||
from pathlib import Path
|
||||
|
||||
import pytest
|
||||
import torch
|
||||
import torch.distributed as dist
|
||||
from torchvision import datasets, transforms
|
||||
|
||||
import colossalai
|
||||
from colossalai.context import Config
|
||||
from colossalai.legacy.context import ParallelMode
|
||||
from colossalai.legacy.core import global_context as gpc
|
||||
from colossalai.legacy.utils import get_dataloader
|
||||
from colossalai.testing import rerun_if_address_is_in_use, spawn
|
||||
|
||||
CONFIG = Config(dict(
|
||||
parallel=dict(
|
||||
pipeline=dict(size=1),
|
||||
tensor=dict(size=1, mode=None),
|
||||
),
|
||||
seed=1024,
|
||||
))
|
||||
|
||||
|
||||
def run_data_sampler(rank, world_size, port):
|
||||
dist_args = dict(config=CONFIG, rank=rank, world_size=world_size, backend='gloo', port=port, host='localhost')
|
||||
colossalai.legacy.launch(**dist_args)
|
||||
print('finished initialization')
|
||||
|
||||
# build dataset
|
||||
transform_pipeline = [transforms.ToTensor()]
|
||||
transform_pipeline = transforms.Compose(transform_pipeline)
|
||||
dataset = datasets.CIFAR10(root=Path(os.environ['DATA']), train=True, download=True, transform=transform_pipeline)
|
||||
|
||||
# build dataloader
|
||||
dataloader = get_dataloader(dataset, batch_size=8, add_sampler=True)
|
||||
|
||||
data_iter = iter(dataloader)
|
||||
img, label = data_iter.next()
|
||||
img = img[0]
|
||||
|
||||
if gpc.get_local_rank(ParallelMode.DATA) != 0:
|
||||
img_to_compare = img.clone()
|
||||
else:
|
||||
img_to_compare = img
|
||||
dist.broadcast(img_to_compare, src=0, group=gpc.get_group(ParallelMode.DATA))
|
||||
|
||||
if gpc.get_local_rank(ParallelMode.DATA) != 0:
|
||||
assert not torch.equal(
|
||||
img, img_to_compare), 'Same image was distributed across ranks but expected it to be different'
|
||||
torch.cuda.empty_cache()
|
||||
|
||||
|
||||
@rerun_if_address_is_in_use()
|
||||
def test_data_sampler():
|
||||
spawn(run_data_sampler, 4)
|
||||
|
||||
|
||||
if __name__ == '__main__':
|
||||
test_data_sampler()
|
Reference in New Issue
Block a user