Making large AI models cheaper, faster and more accessible
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.
 
 
 
 
 
Frank Lee 8f9617c313
[release] update version (#465)
3 years ago
.github [test] fixed release workflow step (#464) 3 years ago
benchmark@9757a13749 Automated submodule synchronization 3 years ago
colossalai [doc] Update docstring for ZeRO (#459) 3 years ago
docker update setup and workflow (#222) 3 years ago
docs update README and images path (#384) 3 years ago
examples@053383402b [Bot] Automated submodule synchronization (#451) 3 years ago
model_zoo fix gpt attention mask (#461) 3 years ago
requirements [log] better logging display with rich (#426) 3 years ago
tests add moe context, moe utilities and refactor gradient handler (#455) 3 years ago
.flake8 added flake8 config (#219) 3 years ago
.gitignore moved env variables to global variables; (#215) 3 years ago
.gitmodules fixed submodule url (#167) 3 years ago
.pre-commit-config.yaml [zero] find miss code (#378) 3 years ago
.readthedocs.yaml update doc requirements and rtd conf (#165) 3 years ago
.style.yapf fixed mkdir conflict and align yapf config with flake (#220) 3 years ago
CHANGE_LOG.md fix typo in CHANGE_LOG.md 3 years ago
CONTRIBUTING.md update contributing.md with the current workflow (#440) 3 years ago
LICENSE polish license (#300) 3 years ago
MANIFEST.in refactor kernel (#142) 3 years ago
README-zh-Hans.md [misc] replace codebeat with codefactor on readme (#436) 3 years ago
README.md [misc] replace codebeat with codefactor on readme (#436) 3 years ago
pytest.ini Migrated project 3 years ago
setup.py [polish] add license meta to setup.py (#427) 3 years ago
version.txt [release] update version (#465) 3 years ago

README.md

Colossal-AI

logo

An integrated large-scale model training system with efficient parallelization techniques.

Paper | Documentation | Examples | Forum | Blog

Build Documentation CodeFactor HuggingFace badge slack badge WeChat badge

| English | 中文 |

Table of Contents

Features

Colossal-AI provides a collection of parallel training components for you. We aim to support you to write your distributed deep learning models just like how you write your single-GPU model. We provide friendly tools to kickstart distributed training in a few lines.

  • Data Parallelism
  • Pipeline Parallelism
  • 1D, 2D, 2.5D, 3D tensor parallelism
  • Sequence parallelism
  • Friendly trainer and engine
  • Extensible for new parallelism
  • Mixed Precision Training
  • Zero Redundancy Optimizer (ZeRO)

(back to top)

Demo

ViT

  • 14x larger batch size, and 5x faster training for Tensor Parallel = 64

GPT-3

  • Free 50% GPU resources, or 10.7% acceleration

GPT-2

  • 11x lower GPU RAM, or superlinear scaling

BERT

  • 2x faster training, or 50% longer sequence length

Please visit our documentation and tutorials for more details.

(back to top)

Installation

PyPI

pip install colossalai

This command will install CUDA extension if your have installed CUDA, NVCC and torch.

If you don't want to install CUDA extension, you should add --global-option="--no_cuda_ext", like:

pip install colossalai --global-option="--no_cuda_ext"

If you want to use ZeRO, you can run:

pip install colossalai[zero]

Install From Source

The version of Colossal-AI will be in line with the main branch of the repository. Feel free to raise an issue if you encounter any problem. :)

git clone https://github.com/hpcaitech/ColossalAI.git
cd ColossalAI
# install dependency
pip install -r requirements/requirements.txt

# install colossalai
pip install .

If you don't want to install and enable CUDA kernel fusion (compulsory installation when using fused optimizer):

pip install --global-option="--no_cuda_ext" .

(back to top)

Use Docker

Run the following command to build a docker image from Dockerfile provided.

cd ColossalAI
docker build -t colossalai ./docker

Run the following command to start the docker container in interactive mode.

docker run -ti --gpus all --rm --ipc=host colossalai bash

(back to top)

Community

Join the Colossal-AI community on Forum, Slack, and WeChat to share your suggestions, advice, and questions with our engineering team.

Contributing

If you wish to contribute to this project, please follow the guideline in Contributing.

Thanks so much to all of our amazing contributors!

The order of contributor avatars is randomly shuffled.

(back to top)

Quick View

Start Distributed Training in Lines

import colossalai
from colossalai.utils import get_dataloader


# my_config can be path to config file or a dictionary obj
# 'localhost' is only for single node, you need to specify
# the node name if using multiple nodes
colossalai.launch(
    config=my_config,
    rank=rank,
    world_size=world_size,
    backend='nccl',
    port=29500,
    host='localhost'
)

# build your model
model = ...

# build you dataset, the dataloader will have distributed data
# sampler by default
train_dataset = ...
train_dataloader = get_dataloader(dataset=dataset,
                                shuffle=True
                                )


# build your optimizer
optimizer = ...

# build your loss function
criterion = ...

# initialize colossalai
engine, train_dataloader, _, _ = colossalai.initialize(
    model=model,
    optimizer=optimizer,
    criterion=criterion,
    train_dataloader=train_dataloader
)

# start training
engine.train()
for epoch in range(NUM_EPOCHS):
    for data, label in train_dataloader:
        engine.zero_grad()
        output = engine(data)
        loss = engine.criterion(output, label)
        engine.backward(loss)
        engine.step()

Write a Simple 2D Parallel Model

Let's say we have a huge MLP model and its very large hidden size makes it difficult to fit into a single GPU. We can then distribute the model weights across GPUs in a 2D mesh while you still write your model in a familiar way.

from colossalai.nn import Linear2D
import torch.nn as nn


class MLP_2D(nn.Module):

    def __init__(self):
        super().__init__()
        self.linear_1 = Linear2D(in_features=1024, out_features=16384)
        self.linear_2 = Linear2D(in_features=16384, out_features=1024)

    def forward(self, x):
        x = self.linear_1(x)
        x = self.linear_2(x)
        return x

(back to top)

Cite Us

@article{bian2021colossal,
  title={Colossal-AI: A Unified Deep Learning System For Large-Scale Parallel Training},
  author={Bian, Zhengda and Liu, Hongxin and Wang, Boxiang and Huang, Haichen and Li, Yongbin and Wang, Chuanrui and Cui, Fan and You, Yang},
  journal={arXiv preprint arXiv:2110.14883},
  year={2021}
}

(back to top)