mirror of https://github.com/hpcaitech/ColossalAI
[doc] Fix typo under colossalai and doc(#3618)
* Fixed several spelling errors under colossalai * Fix the spelling error in colossalai and docs directory * Cautious Changed the spelling error under the example folder * Update runtime_preparation_pass.py revert autograft to autograd * Update search_chunk.py utile to until * Update check_installation.py change misteach to mismatch in line 91 * Update 1D_tensor_parallel.md revert to perceptron * Update 2D_tensor_parallel.md revert to perceptron in line 73 * Update 2p5D_tensor_parallel.md revert to perceptron in line 71 * Update 3D_tensor_parallel.md revert to perceptron in line 80 * Update README.md revert to resnet in line 42 * Update reorder_graph.py revert to indice in line 7 * Update p2p.py revert to megatron in line 94 * Update initialize.py revert to torchrun in line 198 * Update routers.py change to detailed in line 63 * Update routers.py change to detailed in line 146 * Update README.md revert random number in line 402pull/3641/head
parent
e1b0a78afa
commit
b9a8dff7e5
|
@ -138,7 +138,7 @@ def emit_ckpt_func(body,
|
|||
delete_unused_value_func,
|
||||
ckpt_level=0,
|
||||
in_ckpt=False):
|
||||
"""Emit ckpt fuction in nested way
|
||||
"""Emit ckpt function in nested way
|
||||
|
||||
Args:
|
||||
body: forward code - in recursive calls, this part will be checkpoint
|
||||
|
|
|
@ -111,7 +111,7 @@ class Region:
|
|||
Copy data slice to the memory space indexed by the input tensor in the region.
|
||||
|
||||
Args:
|
||||
param (torch.nn.Parameter): the param used to retrive meta information
|
||||
param (torch.nn.Parameter): the param used to retrieve meta information
|
||||
data_slice (torch.Tensor): the tensor to be copied to the region
|
||||
"""
|
||||
|
||||
|
|
|
@ -22,7 +22,7 @@ class TrainingSimulator(ABC):
|
|||
|
||||
Args:
|
||||
region_list (List[Region]): represents the linearized DNN computing graph.
|
||||
comp_power (float): the NVIDIA GPU FP16 compuing power.
|
||||
comp_power (float): the NVIDIA GPU FP16 computing power.
|
||||
link_to_bw (Dict[str, Dict[float, float]]): communication links and the corresponding bandwidth.
|
||||
"""
|
||||
|
||||
|
|
|
@ -149,7 +149,7 @@ def size_value_converting_pass(gm: torch.fx.GraphModule, device_mesh: DeviceMesh
|
|||
|
||||
def _extract_target_dim(node):
|
||||
'''
|
||||
A helper function to etract the target dimension from size node.
|
||||
A helper function to extract the target dimension from size node.
|
||||
There are two usages of torch.Tensor.size:
|
||||
1. tensor.size()
|
||||
2. tensor.size(dim)
|
||||
|
@ -427,7 +427,7 @@ def module_params_sharding_pass(gm: torch.fx.GraphModule, device_mesh: DeviceMes
|
|||
if target_sharding_spec.dim_partition_dict != {}:
|
||||
origin_sharding_spec = ShardingSpec(device_mesh, param.shape, {})
|
||||
setattr(param, 'sharding_spec', origin_sharding_spec)
|
||||
# TODO: build a ColoParamter class to manager the distributed parameters
|
||||
# TODO: build a ColoParameter class to manager the distributed parameters
|
||||
# we could use .data here, because all the operations just happen before the real training
|
||||
# loop, so we don't need to track these operations in the autograd graph.
|
||||
param = torch.nn.Parameter(
|
||||
|
|
|
@ -287,7 +287,7 @@ def emit_code_with_chunk(body: List[str],
|
|||
body = _replace_new_tensor_like_shape(search_chunk, chunk_infos, region_idx, node_idx, node, body)
|
||||
# new tensor
|
||||
body = _replace_new_tensor_shape(search_chunk, chunk_infos, region_idx, node_idx, node, body)
|
||||
# reassgin reshape size
|
||||
# reassign reshape size
|
||||
body[-1] = _replace_reshape_size(body[-1], node.name, chunk_infos[region_idx]["reshape_size"])
|
||||
body[-1] = " " + body[-1]
|
||||
delete_unused_value_func(node, body, chunk_inputs_names)
|
||||
|
|
|
@ -153,7 +153,7 @@ class EstimateMemory(object):
|
|||
|
||||
Returns:
|
||||
act_memory_peak_log (List): peak memory of every node
|
||||
act_memory_after_node_log (List): memory after excuting every node
|
||||
act_memory_after_node_log (List): memory after executing every node
|
||||
active_node_list_log (List): active nodes of every node. active nodes refer to
|
||||
nodes generated but not deleted.
|
||||
"""
|
||||
|
|
|
@ -16,7 +16,7 @@ class SearchChunk(object):
|
|||
This is the core class for AutoChunk.
|
||||
|
||||
It defines the framework of the strategy of AutoChunk.
|
||||
Chunks will be selected one by one utill search stops.
|
||||
Chunks will be selected one by one until search stops.
|
||||
|
||||
The chunk search is as follows:
|
||||
1. find the peak memory node
|
||||
|
@ -73,7 +73,7 @@ class SearchChunk(object):
|
|||
|
||||
def _find_peak_region(self, mem_peak: List) -> int:
|
||||
"""
|
||||
find peak node, along with its neighbour nodes exceeds max mem
|
||||
find peak node, along with its neighbor nodes exceeds max mem
|
||||
"""
|
||||
max_value = max(mem_peak)
|
||||
max_idx = mem_peak.index(max_value)
|
||||
|
@ -118,7 +118,7 @@ class SearchChunk(object):
|
|||
chunk_region_start (int)
|
||||
chunk_region_end (int)
|
||||
"""
|
||||
# check if peak node already in chunkinfo
|
||||
# check if peak node already in chunk info
|
||||
if chunk_regions is not None:
|
||||
for i in chunk_regions:
|
||||
if i["region"][0] < peak_region[0] <= i["region"][1] or \
|
||||
|
|
|
@ -479,7 +479,7 @@ class TraceFlow(object):
|
|||
# check index source align
|
||||
if not self.check_index_source(start_dim, start_node, start_idx, end_dim, end_node):
|
||||
return False
|
||||
# check index copmute
|
||||
# check index compute
|
||||
if not self.check_index_compute(start_idx, end_dim, end_node, end_idx):
|
||||
return False
|
||||
return True
|
||||
|
|
|
@ -8,7 +8,7 @@ from .utils import NodeMgr, find_first_tensor_arg, flat_list, get_module_node_na
|
|||
|
||||
class TraceIndice(object):
|
||||
"""
|
||||
Trace all indice infomation for every node.
|
||||
Trace all indice information for every node.
|
||||
|
||||
Indice is a logical concept. Equal dims can been treated as one indice.
|
||||
eg. dim(x1) = [a, b, c]
|
||||
|
@ -153,7 +153,7 @@ class TraceIndice(object):
|
|||
|
||||
def _inherit_more_indice_from_node_with_exclude(self, node_from: Node, node_to: Node, exclude: List = None) -> None:
|
||||
"""
|
||||
inheirt indice from node without init
|
||||
inherit indice from node without init
|
||||
"""
|
||||
if exclude == None:
|
||||
exclude = []
|
||||
|
@ -301,7 +301,7 @@ class TraceIndice(object):
|
|||
def _assign_linear_indice(self, node: Node, node_idx: int) -> None:
|
||||
"""
|
||||
Assign indice for linear op.
|
||||
1. copy trace from input node and change last indice accroding to weight
|
||||
1. copy trace from input node and change last indice according to weight
|
||||
2. mark equal for input node last indice, weight first dim and bias dim.
|
||||
3. inherit input's computation, mark computation for last dim.
|
||||
|
||||
|
@ -360,7 +360,7 @@ class TraceIndice(object):
|
|||
def _assign_matmul_indice(self, node: Node, node_idx: int) -> None:
|
||||
"""
|
||||
Assign indice for matmul op.
|
||||
1. copy trace from matmul_left and change last indice accroding to matmul_right. (assert they have same length)
|
||||
1. copy trace from matmul_left and change last indice according to matmul_right. (assert they have same length)
|
||||
2. mark equal for input matmul_left -1 indice and matmul_right -2 dim.
|
||||
3. inherit matmul_left and matmul_right computation, mark computation for last dim.
|
||||
|
||||
|
@ -720,11 +720,11 @@ class TraceIndice(object):
|
|||
Assign indice for view and reshape op.
|
||||
1. get origin shape and target shape by meta info.
|
||||
2. compute the real value of -1 in target shape.
|
||||
3. determine changed dim, and assgin indice for generated dim.
|
||||
3. determine changed dim, and assign indice for generated dim.
|
||||
4. log changed dim and generated dim for restore
|
||||
5. inherit computation.
|
||||
6. look into view list to see whether the view is associated with other,
|
||||
if so assgin equal dim according to previous view.
|
||||
if so assign equal dim according to previous view.
|
||||
|
||||
Args:
|
||||
node (node)
|
||||
|
|
|
@ -20,7 +20,7 @@ __all__ = ['Booster']
|
|||
class Booster:
|
||||
"""
|
||||
Booster is a high-level API for training neural networks. It provides a unified interface for
|
||||
training with different precisio, accelerator, and plugin.
|
||||
training with different precision, accelerator, and plugin.
|
||||
|
||||
Examples:
|
||||
>>> colossalai.launch(...)
|
||||
|
|
|
@ -71,7 +71,7 @@ class CheckpointIO(ABC):
|
|||
|
||||
Args:
|
||||
model (nn.Module): model to be loaded.
|
||||
checkpoint (str): checkpoint path. This value is made compatiblity with the model checkpoints in the
|
||||
checkpoint (str): checkpoint path. This value is made compatibility with the model checkpoints in the
|
||||
mainstream model zoos such as Hugging Face and TIMM. The checkpoint path can be:
|
||||
1. a file path, e.g. 'model.pt'
|
||||
2. a path to a json file which defines the index to the sharded checkpoint
|
||||
|
@ -127,7 +127,7 @@ class CheckpointIO(ABC):
|
|||
1. a file path, e.g. 'model.pt'
|
||||
2. a directory path to save the sharded checkpoint, e.g. './checkpoints/' when shard = True.
|
||||
shard (bool): whether to shard the checkpoint. Default: False. If set to True, the checkpoint will be sharded into
|
||||
multiple files. The model shards will be specificed by a `model.index.json` file. When shard = True, please ensure
|
||||
multiple files. The model shards will be specified by a `model.index.json` file. When shard = True, please ensure
|
||||
that the checkpoint path is a directory path instead of a file path.
|
||||
gather_dtensor (bool): whether to gather the distributed tensor to the first device. Default: True.
|
||||
variant (str): If specified, weights are saved in the format pytorch_model.<variant>.bin. Default: None.
|
||||
|
@ -149,7 +149,7 @@ class CheckpointIO(ABC):
|
|||
|
||||
Args:
|
||||
optimizer (Optimizer): optimizer to be loaded.
|
||||
checkpoint (str): checkpoint path. This value is made compatiblity with the model checkpoints in the
|
||||
checkpoint (str): checkpoint path. This value is made compatibility with the model checkpoints in the
|
||||
"""
|
||||
index_file_exists, index_file_path = has_index_file(checkpoint)
|
||||
|
||||
|
@ -180,7 +180,7 @@ class CheckpointIO(ABC):
|
|||
2. a path to a json file which defines the index to the sharded checkpoint for the optimizer
|
||||
3. a path to a folder containing a unique .index.json file for sharded checkpoint
|
||||
shard (bool): whether to shard the checkpoint. Default: False. If set to True, the checkpoint will be sharded into
|
||||
multiple files. The optimizer shards will be specificed by a `optimizer.index.json` file.
|
||||
multiple files. The optimizer shards will be specified by a `optimizer.index.json` file.
|
||||
gather_dtensor (bool): whether to gather the distributed tensor to the first device. Default: True.
|
||||
prefix (str): prefix for the optimizer checkpoint when shard = True. Default: None.
|
||||
size_per_shard (int): size per shard in MB. Default: 1024. This value is only used when shard is set to True.
|
||||
|
|
|
@ -76,7 +76,7 @@ def check_installation():
|
|||
click.echo("")
|
||||
click.echo(f"Note:")
|
||||
click.echo(
|
||||
f"1. AOT (ahead-of-time) compilation of the CUDA kernels occurs during installation when the environment varialbe CUDA_EXT=1 is set"
|
||||
f"1. AOT (ahead-of-time) compilation of the CUDA kernels occurs during installation when the environment variable CUDA_EXT=1 is set"
|
||||
)
|
||||
click.echo(f"2. If AOT compilation is not enabled, stay calm as the CUDA kernels can still be built during runtime")
|
||||
|
||||
|
@ -88,7 +88,7 @@ def check_installation():
|
|||
click.echo(f"Note:")
|
||||
click.echo(f"1. The table above checks the version compatibility of the libraries/tools in the current environment")
|
||||
click.echo(
|
||||
f" - PyTorch version mistach: whether the PyTorch version in the current environment is compatible with the PyTorch version used for AOT compilation"
|
||||
f" - PyTorch version mismatch: whether the PyTorch version in the current environment is compatible with the PyTorch version used for AOT compilation"
|
||||
)
|
||||
click.echo(
|
||||
f" - System and PyTorch CUDA version match: whether the CUDA version in the current environment is compatible with the CUDA version required by PyTorch"
|
||||
|
|
|
@ -103,10 +103,10 @@ def _communicate(object_send_next: Union[torch.Tensor, List[torch.Tensor]] = Non
|
|||
previous rank.
|
||||
recv_next (bool): boolean for whether tensor should be received from
|
||||
next rank.
|
||||
recv_prev_shape (Union[:class:`torch.Size`, List[:class:`torch.Size`]]): shape of the tensor to be received from the previous stage, defualts to None.
|
||||
recv_next_shape (Union[:class:`torch.Size`, List[:class:`torch.Size`]]): shape of the tensor to be received from the next stage, defualts to None.
|
||||
prev_rank (int): the rank of the previous pipeline stage, defualts to None,
|
||||
next_rank (int): the rank of the next pipeline stage, defualts to None,
|
||||
recv_prev_shape (Union[:class:`torch.Size`, List[:class:`torch.Size`]]): shape of the tensor to be received from the previous stage, defaults to None.
|
||||
recv_next_shape (Union[:class:`torch.Size`, List[:class:`torch.Size`]]): shape of the tensor to be received from the next stage, defaults to None.
|
||||
prev_rank (int): the rank of the previous pipeline stage, defaults to None,
|
||||
next_rank (int): the rank of the next pipeline stage, defaults to None,
|
||||
dtype (torch.dtype): data type of intermediate buffers, defaults to None
|
||||
scatter_gather_tensors (bool): whether to scatter and gather tensor between pipeline stages, defaults to False
|
||||
|
||||
|
|
|
@ -230,7 +230,7 @@ def recv_backward(next_rank: int = None) -> Any:
|
|||
next_rank (int, optional): The rank of the source of the tensor.
|
||||
|
||||
Returns:
|
||||
Any: The input gradient tensor or gradident tensor list.
|
||||
Any: The input gradient tensor or gradient tensor list.
|
||||
"""
|
||||
if gpc.is_pipeline_last_stage():
|
||||
output_tensor_grad = None
|
||||
|
|
|
@ -64,7 +64,7 @@ class MoeContext(metaclass=SingletonMeta):
|
|||
from colossalai.core import global_context as gpc
|
||||
self.max_ep_size = gpc.config.get('max_ep_size', self.world_size)
|
||||
assert self.world_size % self.max_ep_size == 0, \
|
||||
"Maximum epxert parallel size must be a factor of the number of GPUs"
|
||||
"Maximum expert parallel size must be a factor of the number of GPUs"
|
||||
self.min_dp_size = self.world_size // self.max_ep_size
|
||||
|
||||
# Enabling kernel optimization may raise error in some cases
|
||||
|
|
|
@ -44,7 +44,7 @@ class ParallelContext(metaclass=SingletonMeta):
|
|||
# load config from file
|
||||
self._config = None
|
||||
|
||||
# default 3D parallel args, will be overwritten during process group intialization
|
||||
# default 3D parallel args, will be overwritten during process group initialization
|
||||
self.world_size = 1
|
||||
self.data_parallel_size = 1
|
||||
self.pipeline_parallel_size = 1
|
||||
|
@ -264,7 +264,7 @@ class ParallelContext(metaclass=SingletonMeta):
|
|||
"""Adds world size for `parallel_mode`.
|
||||
|
||||
Args:
|
||||
parallel_mode (:class:`colossalai.context.ParallelMode`): The parallel mode correponding to the process group
|
||||
parallel_mode (:class:`colossalai.context.ParallelMode`): The parallel mode corresponding to the process group
|
||||
world_size (int): The world size to be added
|
||||
|
||||
Raises:
|
||||
|
|
|
@ -59,23 +59,23 @@ class SeedManager:
|
|||
self._current_mode = parallel_mode
|
||||
torch.cuda.set_rng_state(self._seed_states[parallel_mode])
|
||||
|
||||
def add_seed(self, parallel_mode: ParallelMode, seed: int, overwrtie: bool = False):
|
||||
def add_seed(self, parallel_mode: ParallelMode, seed: int, overwrite: bool = False):
|
||||
"""Adds a seed to the seed manager for `parallel_mode`.
|
||||
|
||||
Args:
|
||||
parallel_mode (:class:`colossalai.context.ParallelMode`): The chosen parallel mode.
|
||||
seed (int): The seed to be added.
|
||||
overwrtie (bool, optional): Whether allows to overwrite the seed that has been set already
|
||||
overwrite (bool, optional): Whether allows to overwrite the seed that has been set already
|
||||
|
||||
Raises:
|
||||
AssertionError: Raises an AssertionError if `parallel_mode` is not an instance of :class:`colossalai.context.ParallelMode`
|
||||
or the seed for `parallel_mode` has been added.
|
||||
"""
|
||||
assert isinstance(parallel_mode, ParallelMode), 'A valid ParallelMode must be provided'
|
||||
if overwrtie is False:
|
||||
if overwrite is False:
|
||||
assert parallel_mode not in self._seed_states, f'The seed for {parallel_mode} has been added'
|
||||
elif parallel_mode in self._seed_states:
|
||||
print(f"Warnning: {parallel_mode} seed has been overwritten.", flush=True)
|
||||
print(f"Warning: {parallel_mode} seed has been overwritten.", flush=True)
|
||||
|
||||
current_state = torch.cuda.get_rng_state()
|
||||
torch.cuda.manual_seed(seed)
|
||||
|
|
|
@ -305,7 +305,7 @@ def emit_ckpt_func(body,
|
|||
delete_unused_value_func,
|
||||
level=0,
|
||||
in_ckpt=False):
|
||||
"""Emit ckpt fuction in nested way
|
||||
"""Emit ckpt function in nested way
|
||||
Args:
|
||||
body: forward code, in recursive calls, this part will be checkpoint
|
||||
functions code
|
||||
|
|
|
@ -155,7 +155,7 @@ def split_module(
|
|||
use_partition = partitions[use_partition_name]
|
||||
use_partition.outputs.setdefault(def_node.name)
|
||||
|
||||
# split nodes into parititons
|
||||
# split nodes into partitions
|
||||
for node in m.graph.nodes:
|
||||
orig_nodes[node.name] = node
|
||||
|
||||
|
@ -198,7 +198,7 @@ def split_module(
|
|||
if len(sorted_partitions) != len(partitions):
|
||||
raise RuntimeError("cycle exists between partitions!")
|
||||
|
||||
# add placeholders to parititons
|
||||
# add placeholders to partitions
|
||||
for partition_name in sorted_partitions:
|
||||
partition = partitions[partition_name]
|
||||
for input in partition.inputs:
|
||||
|
|
|
@ -111,7 +111,7 @@ class MultiHeadAttention(nn.Module):
|
|||
Arguments:
|
||||
hidden_size: Total dimension of hidden_size.
|
||||
nhead: Number of parallel attention heads.
|
||||
batch_size: Batch Size for one foward
|
||||
batch_size: Batch Size for one forward
|
||||
max_seq_len: Max length of input sequence
|
||||
dropout: Dropout probability
|
||||
norm_first: perform LayerNorms before attention
|
||||
|
|
|
@ -88,7 +88,7 @@ def colo_embedding_bag(input_tensor: GeneralTensor,
|
|||
assert isinstance(weight, ColoTensor)
|
||||
input_tensor = convert_to_colo_tensor(input_tensor, weight.get_process_group())
|
||||
|
||||
# Handle differen parallel actions.
|
||||
# Handle different parallel actions.
|
||||
|
||||
if not weight.has_compute_spec(): # No Model Parallel Applied
|
||||
assert weight.is_replicate(), 'Invalid weight spec for native embedding op'
|
||||
|
|
|
@ -13,7 +13,7 @@ from colossalai.zero.legacy.init_ctx import no_shard_zero_decrator
|
|||
|
||||
|
||||
class MoeExperts(nn.Module):
|
||||
"""Basic class for experts in MoE. It stores what kind of communication expersts use
|
||||
"""Basic class for experts in MoE. It stores what kind of communication experts use
|
||||
to exchange tokens, how many experts in a single GPU and parallel information such as
|
||||
expert parallel size, data parallel size and their distributed communication groups.
|
||||
"""
|
||||
|
@ -24,7 +24,7 @@ class MoeExperts(nn.Module):
|
|||
"This kind of communication has not been implemented yet.\n Please use Experts build function."
|
||||
self.comm_name = comm_name
|
||||
self.num_total_experts = num_experts
|
||||
# Get the configuration of experts' deployment and parallel information from moe contex
|
||||
# Get the configuration of experts' deployment and parallel information from moe context
|
||||
self.num_local_experts, self.dist_info = MOE_CONTEXT.get_info(num_experts)
|
||||
|
||||
|
||||
|
@ -32,7 +32,7 @@ class MoeExperts(nn.Module):
|
|||
class Experts(MoeExperts):
|
||||
"""A wrapper class to create experts. It will create E experts across the
|
||||
moe model parallel group, where E is the number of experts. Every expert
|
||||
is a instence of the class, 'expert' in initialization parameters.
|
||||
is a instance of the class, 'expert' in initialization parameters.
|
||||
|
||||
Args:
|
||||
expert_cls (:class:`torch.nn.Module`): The class of all experts
|
||||
|
@ -146,15 +146,15 @@ class FFNExperts(MoeExperts):
|
|||
|
||||
class TPExperts(MoeExperts):
|
||||
"""Use tensor parallelism to split each expert evenly, which can deploy experts in
|
||||
case that the number of experts can't be divied by maximum expert parallel size or
|
||||
maximum expert parallel size can't be divied by the number of experts.
|
||||
case that the number of experts can't be divide by maximum expert parallel size or
|
||||
maximum expert parallel size can't be divide by the number of experts.
|
||||
"""
|
||||
|
||||
def __init__(self, num_experts: int, d_model: int, d_ff: int, activation=None, drop_rate: float = 0):
|
||||
super().__init__("all_gather", MOE_CONTEXT.max_ep_size)
|
||||
|
||||
assert d_ff % MOE_CONTEXT.max_ep_size == 0, \
|
||||
"d_ff should be divied by maximum expert parallel size"
|
||||
"d_ff should be divide by maximum expert parallel size"
|
||||
|
||||
p_ff = d_ff // MOE_CONTEXT.max_ep_size
|
||||
|
||||
|
|
|
@ -25,7 +25,7 @@ from colossalai.zero.legacy.init_ctx import no_shard_zero_context, no_shard_zero
|
|||
class MoeLayer(nn.Module):
|
||||
"""A MoE layer, that puts its input tensor to its gate and uses the output logits
|
||||
to router all tokens, is mainly used to exchange all tokens for every expert across
|
||||
the moe tensor group by all to all comunication. Then it will get the output of all
|
||||
the moe tensor group by all to all communication. Then it will get the output of all
|
||||
experts and exchange the output. At last returns the output of the moe system.
|
||||
|
||||
Args:
|
||||
|
@ -122,7 +122,7 @@ class MoeModule(nn.Module):
|
|||
drop_tks (bool, optional): Whether drops tokens in evaluation
|
||||
use_residual (bool, optional): Makes this MoE layer a Residual MoE.
|
||||
More information can be found in `Microsoft paper`_.
|
||||
residual_instance (nn.Module, optional): The instance of residual module in Resiual MoE
|
||||
residual_instance (nn.Module, optional): The instance of residual module in Residual MoE
|
||||
expert_instance (MoeExperts, optional): The instance of experts module in MoeLayer
|
||||
expert_cls (Type[nn.Module], optional): The class of each expert when no instance is given
|
||||
expert_args (optional): The args of expert when no instance is given
|
||||
|
|
|
@ -60,7 +60,7 @@ class MoeRouter(nn.Module, ABC):
|
|||
|
||||
class Top1Router(MoeRouter):
|
||||
"""Top1 router that returns the dispatch mask [s, e, c] and combine weight [s, e, c]
|
||||
for routing usage. More deailted function can be found in the paper about Switch Transformer
|
||||
for routing usage. More detailed function can be found in the paper about Switch Transformer
|
||||
of Google.
|
||||
Args:
|
||||
capacity_factor_train (float, optional): Capacity factor in routing of training.
|
||||
|
@ -143,7 +143,7 @@ class Top1Router(MoeRouter):
|
|||
|
||||
class Top2Router(MoeRouter):
|
||||
"""Top2 router that returns the dispatch mask [s, e, c] and combine weight [s, e, c]
|
||||
for routing usage. More deailted function can be found in the paper about ViT-MoE.
|
||||
for routing usage. More detailed function can be found in the paper about ViT-MoE.
|
||||
Args:
|
||||
capacity_factor_train (float, optional): Capacity factor in routing of training.
|
||||
capacity_factor_eval (float, optional): Capacity factor in routing of evaluation.
|
||||
|
|
|
@ -12,7 +12,7 @@ class ForceFP32Parameter(torch.nn.Parameter):
|
|||
|
||||
|
||||
class NormalNoiseGenerator:
|
||||
"""Generates a random noisy mask for logtis tensor.
|
||||
"""Generates a random noisy mask for logits tensor.
|
||||
|
||||
All noise is generated from a normal distribution :math:`(0, 1 / E^2)`, where
|
||||
`E = the number of experts`.
|
||||
|
@ -32,7 +32,7 @@ class NormalNoiseGenerator:
|
|||
|
||||
|
||||
class UniformNoiseGenerator:
|
||||
"""Generates a random noisy mask for logtis tensor.
|
||||
"""Generates a random noisy mask for logits tensor.
|
||||
copied from mesh tensorflow:
|
||||
Multiply values by a random number between :math:`1-epsilon` and :math:`1+epsilon`.
|
||||
Makes models more resilient to rounding errors introduced by bfloat16.
|
||||
|
|
|
@ -439,7 +439,7 @@ class Linear1D_Col(ParallelLayer):
|
|||
to all GPUs, otherwise, every GPU will have its output
|
||||
which is :math:`Y_i = XA_i`, defaults to False
|
||||
skip_bias_add (bool, optional): If set to ``True``, it will skip bias add for linear layer,
|
||||
which is preserved for kernel fusion, defaults to Fals
|
||||
which is preserved for kernel fusion, defaults to False
|
||||
weight_initializer (:class:`typing.Callable`, optional):
|
||||
The initializer of weight, defaults to kaiming uniform initializer.
|
||||
bias_initializer (:class:`typing.Callable`, optional):
|
||||
|
@ -578,7 +578,7 @@ class Linear1D_Row(ParallelLayer):
|
|||
dtype (:class:`torch.dtype`, optional): The dtype of parameters, defaults to None.
|
||||
parallel_input (bool, optional): If set to ``True``, it's assumed that the input is split, defaults to False.
|
||||
skip_bias_add (bool, optional): If set to ``True``, it will skip bias add for linear layer,
|
||||
which is preserved for kernel fusion, defaults to Fals
|
||||
which is preserved for kernel fusion, defaults to False
|
||||
weight_initializer (:class:`typing.Callable`, optional):
|
||||
The initializer of weight, defaults to kaiming uniform initializer.
|
||||
bias_initializer (:class:`typing.Callable`, optional):
|
||||
|
@ -994,11 +994,11 @@ class PatchEmbedding1D(ColossalaiModule):
|
|||
:type dtype: torch.dtype, optional
|
||||
:param flatten: whether to flatten output tensor, defaults to True
|
||||
:type flatten: bool, optional
|
||||
:param weight_initializer: The intializer of weight, defaults to kaiming uniform initializer
|
||||
:param weight_initializer: The initializer of weight, defaults to kaiming uniform initializer
|
||||
:type weight_initializer: typing.Callable, optional
|
||||
:param bias_initializer: The intializer of bias, defaults to xavier uniform initializer
|
||||
:param bias_initializer: The initializer of bias, defaults to xavier uniform initializer
|
||||
:type bias_initializer: typing.Callable, optional
|
||||
:param position_embed_initializer: The intializer of position embedding, defaults to zero
|
||||
:param position_embed_initializer: The initializer of position embedding, defaults to zero
|
||||
:type position_embed_initializer: typing.Callable, optional
|
||||
"""
|
||||
|
||||
|
|
|
@ -184,7 +184,7 @@ class ColoTensor(torch.Tensor):
|
|||
# we have to capture the `backward` function
|
||||
# and make sure that it does not in `torch._C.DisableTorchFunction()` context
|
||||
if func is torch.Tensor.backward:
|
||||
assert len(args) == 1 # only has 1 paramter
|
||||
assert len(args) == 1 # only has 1 parameter
|
||||
backward_tensor = torch.Tensor(args[0])
|
||||
tensor_kwargs = {k: torch.Tensor(v) if torch.is_tensor(v) else v for k, v in kwargs.items()}
|
||||
return backward_tensor.backward(**tensor_kwargs)
|
||||
|
@ -228,7 +228,7 @@ class ColoTensor(torch.Tensor):
|
|||
2. If the pg is not not None and not equal to the current process group.
|
||||
First, convert the tensor as replicated among the TP process group.
|
||||
Second, reset the process group to the new pg.
|
||||
Third, conver the tensor (new replicated both among the tp process group) to the new dist_spec.
|
||||
Third, convert the tensor (new replicated both among the tp process group) to the new dist_spec.
|
||||
|
||||
Args:
|
||||
dist_spec (_DistSpec): the new dist spec.
|
||||
|
@ -297,7 +297,7 @@ class ColoTensor(torch.Tensor):
|
|||
def size_global(self, *args) -> torch.Size:
|
||||
"""size_global
|
||||
|
||||
override the torch buildin size()
|
||||
override the torch building size()
|
||||
the shape passed in must be in a replicate placement.
|
||||
|
||||
Returns:
|
||||
|
|
|
@ -391,7 +391,7 @@ class CommSpec:
|
|||
to determine the buffer shape, and logical_process_axis
|
||||
|
||||
Argument:
|
||||
comm_pattern(CollectiveCommPattern): decribe the communication method used in this spec.
|
||||
comm_pattern(CollectiveCommPattern): describe the communication method used in this spec.
|
||||
sharding_spec(ShardingSpec): This is sharding spec of the tensor which will join the communication action.
|
||||
gather_dim(int, Optional): The gather_dim of the tensor will be gathered.
|
||||
shard_dim(int, Optional): The shard_dim of the tensor will be sharded.
|
||||
|
|
|
@ -10,7 +10,7 @@ class ComputePattern(Enum):
|
|||
|
||||
class ComputeSpec(object):
|
||||
"""ComputeSpec
|
||||
The Specification for compuattion pattern
|
||||
The Specification for computation pattern
|
||||
|
||||
Args:
|
||||
compute_pattern (ComputePattern): an Enum instance for compute pattern.
|
||||
|
|
|
@ -14,7 +14,7 @@ class Layout:
|
|||
"""Layout of a tensor.
|
||||
|
||||
Attributes:
|
||||
device_mesh: the device mesh to store the tensor distributedly.
|
||||
device_mesh: the device mesh to store the tensor distributed.
|
||||
device_type: the type of the device mesh, e.g. 'cpu' or 'cuda'.
|
||||
sharding_spec: the sharding specification to describe how the tensor is sharded.
|
||||
entire_shape: the entire shape of the global tensor.
|
||||
|
|
|
@ -14,7 +14,7 @@ NAN = 'nan'
|
|||
|
||||
class DimSpec:
|
||||
'''
|
||||
Sharding spec for single dimension of the sharded tensor decribe the sharding dimension of
|
||||
Sharding spec for single dimension of the sharded tensor describe the sharding dimension of
|
||||
logical device mesh and give a method to compute the difference between them.
|
||||
This class is used internally in ShardingSpec.
|
||||
|
||||
|
@ -143,7 +143,7 @@ class ShardingSpec:
|
|||
|
||||
Argument:
|
||||
dim_partition_dict(Dict[int, List[int]], optional): The key is the dimension of tensor to be sharded,
|
||||
and the value of the key decribe which logical axis will be sharded in that dimension.
|
||||
and the value of the key describe which logical axis will be sharded in that dimension.
|
||||
sharding_sequence(List[DimSpec], optional): A straight view of ShardingSpec looks like [R, R, S0, S1].
|
||||
'''
|
||||
|
||||
|
|
|
@ -61,7 +61,7 @@ class DistSpecManager:
|
|||
Args:
|
||||
tensor (torch.Tensor): a global (replicated) tensor before shard
|
||||
dist_spec (_DistSpec): the distributed spec. to be sharded as.
|
||||
pg (ProcessGrouo): the process group of the corresponding colotensor
|
||||
pg (ProcessGroup): the process group of the corresponding colotensor
|
||||
Returns:
|
||||
torch.Tensor: a torch tensor after sharded.
|
||||
"""
|
||||
|
|
|
@ -15,7 +15,7 @@ class _DistSpec:
|
|||
A class indicates Distributed Specification.
|
||||
The DistSpec is only works for the tensor parallel process groups.
|
||||
Because the dist spec of data parallel process group can be automatically deduced.
|
||||
This is an internal data structrue.
|
||||
This is an internal data structure.
|
||||
The API for users should be `ShardSpec` and `ReplicaSpec`.
|
||||
|
||||
Args:
|
||||
|
|
|
@ -73,7 +73,7 @@ class ShapeConsistencyManager(metaclass=SingletonMeta):
|
|||
orig_cost_dict: Dict[str, float]) -> Dict[ShardingSpec, float]:
|
||||
'''
|
||||
Get all valid sharding specs from source_spec with single all-gather operation, and
|
||||
accumulate commucation cost on origin cost which will finally be used in auto sharding solver.
|
||||
accumulate communication cost on origin cost which will finally be used in auto sharding solver.
|
||||
For the all-gather operation, we just care about the S dimension.
|
||||
|
||||
Argument:
|
||||
|
@ -145,7 +145,7 @@ class ShapeConsistencyManager(metaclass=SingletonMeta):
|
|||
orig_cost_dict: Dict[str, float]) -> Dict[ShardingSpec, float]:
|
||||
'''
|
||||
Get all valid sharding specs from source_spec with single all-to-all operation, and
|
||||
accumulate commucation cost on origin cost which will finally be used in auto sharding solver.
|
||||
accumulate communication cost on origin cost which will finally be used in auto sharding solver.
|
||||
For the all-to-all operation, we just care about the pairs containing S dimension.
|
||||
|
||||
Argument:
|
||||
|
|
|
@ -18,7 +18,7 @@ NAN = 'nan'
|
|||
|
||||
class _DimSpec:
|
||||
'''
|
||||
Sharding spec for single dimension of the sharded tensor decribe the sharding dimension of
|
||||
Sharding spec for single dimension of the sharded tensor describe the sharding dimension of
|
||||
logical device mesh and give a method to compute the difference between them.
|
||||
This class is used internally in ShardingSpec.
|
||||
|
||||
|
|
|
@ -18,7 +18,7 @@ def all_gather_simulator(target_pair):
|
|||
|
||||
Argument:
|
||||
target_pair(Tuple[int, List[int]]): The first element is the dimension of tensor to be sharded,
|
||||
and the second element decribes which logical axis will be sharded in that dimension.
|
||||
and the second element describes which logical axis will be sharded in that dimension.
|
||||
'''
|
||||
_, shard_list = target_pair
|
||||
new_shard_list = shard_list[:-1]
|
||||
|
@ -36,7 +36,7 @@ def all_to_all_simulator(f_target_pair, b_target_pair):
|
|||
Therefore, if the behind shard_list is not None, we just extend it to the front shard_list.
|
||||
Argument:
|
||||
target_pair(Tuple[int, List[int]]): The first element is the dimension of tensor to be sharded,
|
||||
and the second element decribes which logical axis will be sharded in that dimension.
|
||||
and the second element describes which logical axis will be sharded in that dimension.
|
||||
e.g.:
|
||||
all-to-all(S0, S1) -> [S01, R]
|
||||
all-to-all(S0, R) -> [R, S0]
|
||||
|
@ -46,7 +46,7 @@ def all_to_all_simulator(f_target_pair, b_target_pair):
|
|||
|
||||
Argument:
|
||||
target_pair(Tuple[int, List[int]]): The first element is the dimension of tensor to be sharded,
|
||||
and the second element decribes which logical axis will be sharded in that dimension.
|
||||
and the second element describes which logical axis will be sharded in that dimension.
|
||||
'''
|
||||
_, f_shard_list = f_target_pair
|
||||
_, b_shard_list = b_target_pair
|
||||
|
|
|
@ -17,10 +17,10 @@ def parameterize(argument: str, values: List[Any]) -> Callable:
|
|||
we want to avoid the number of distributed network initialization, we need to have
|
||||
this extra decorator on the function launched by torch.multiprocessing.
|
||||
|
||||
If a function is wrapped with this wrapper, non-paramterized arguments must be keyword arguments,
|
||||
positioanl arguments are not allowed.
|
||||
If a function is wrapped with this wrapper, non-parametrized arguments must be keyword arguments,
|
||||
positional arguments are not allowed.
|
||||
|
||||
Usgae::
|
||||
Usage::
|
||||
|
||||
# Example 1:
|
||||
@parameterize('person', ['xavier', 'davis'])
|
||||
|
@ -33,7 +33,7 @@ def parameterize(argument: str, values: List[Any]) -> Callable:
|
|||
# > xavier: hello
|
||||
# > davis: hello
|
||||
|
||||
# Exampel 2:
|
||||
# Example 2:
|
||||
@parameterize('person', ['xavier', 'davis'])
|
||||
@parameterize('msg', ['hello', 'bye', 'stop'])
|
||||
def say_something(person, msg):
|
||||
|
@ -110,7 +110,7 @@ def rerun_on_exception(exception_type: Exception = Exception, pattern: str = Non
|
|||
If the pattern is not None and matches the exception message,
|
||||
the exception will be detected for rerun
|
||||
max_try (int, Optional): Maximum reruns for this function. The default value is 5.
|
||||
If max_try is None, it will rerun foreven if exception keeps occurings
|
||||
If max_try is None, it will rerun forever if exception keeps occurring
|
||||
"""
|
||||
|
||||
def _match_lines(lines, pattern):
|
||||
|
@ -144,7 +144,7 @@ def rerun_on_exception(exception_type: Exception = Exception, pattern: str = Non
|
|||
|
||||
# Override signature
|
||||
# otherwise pytest.mark.parameterize will raise the following error:
|
||||
# function does not use argumetn xxx
|
||||
# function does not use argument xxx
|
||||
sig = signature(func)
|
||||
_run_until_success.__signature__ = sig
|
||||
|
||||
|
@ -231,7 +231,7 @@ def spawn(func, nprocs=1, **kwargs):
|
|||
This function is used to spawn processes for testing.
|
||||
|
||||
Usage:
|
||||
# must contians arguments rank, world_size, port
|
||||
# must contains arguments rank, world_size, port
|
||||
def do_something(rank, world_size, port):
|
||||
...
|
||||
|
||||
|
|
|
@ -89,7 +89,7 @@ def load_checkpoint(path: str,
|
|||
torch_load_kwargs: (dict, optional): The kwargs of torch.load inside the function
|
||||
load_state_dict_kwargs (dict, optional): The kwargs of load_state_dict inside the function
|
||||
"""
|
||||
# initialize the default paramters
|
||||
# initialize the default parameters
|
||||
if not torch_load_kwargs:
|
||||
torch_load_kwargs = dict()
|
||||
if not load_state_dict_kwargs:
|
||||
|
|
|
@ -34,7 +34,7 @@ def gather_tensor(colo_tensor: ColoTensor) -> None:
|
|||
dist.barrier()
|
||||
|
||||
if dist.get_rank() == 0:
|
||||
setattr(colo_tensor, 'save_ready', True) # set saving signitrue
|
||||
setattr(colo_tensor, 'save_ready', True) # set saving signature
|
||||
|
||||
|
||||
def scatter_tensor(colo_tensor: ColoTensor, dist_spec: _DistSpec) -> None:
|
||||
|
|
|
@ -38,7 +38,7 @@ def sync_moe_model_param(model: nn.Module):
|
|||
|
||||
param_dict = get_moe_epsize_param_dict(model)
|
||||
|
||||
# synchrosize the parameters whose dp_group is the whole world
|
||||
# synchronize the parameters whose dp_group is the whole world
|
||||
if 1 in param_dict:
|
||||
src_rank = gpc.get_ranks_in_group(ParallelMode.DATA)[0]
|
||||
for param in param_dict[1]:
|
||||
|
|
|
@ -74,7 +74,7 @@ class ColoInitContext(InsertPostInitMethodToModuleSubClasses):
|
|||
"""
|
||||
Args:
|
||||
device (torch.device): the device where parameters initialized are resident. Defaults to torch.device('cpu').
|
||||
dtype (torch.dtype): the dtype of parameters initialized. Defults to torch.float.
|
||||
dtype (torch.dtype): the dtype of parameters initialized. Defaults to torch.float.
|
||||
default_pg (ProcessGroup): the default process group for all initialized parameters.
|
||||
default_dist_spec: the default distributed specifications.
|
||||
"""
|
||||
|
@ -164,7 +164,7 @@ def post_process_colo_init_ctx(model: torch.nn.Module,
|
|||
model (torch.nn.module): the model
|
||||
device (torch.device, optional): device type of the model params. Defaults to torch.device('cpu').
|
||||
dtype (torch.dtype, optional): dtype of the model params. Defaults to torch.float.
|
||||
default_pg (Optional[ProcessGroup], optional): default process group. Defaults to None. Inidicates a DP-only process group.
|
||||
default_pg (Optional[ProcessGroup], optional): default process group. Defaults to None. Indicates a DP-only process group.
|
||||
default_dist_spec (Any, optional): default dist spec of params. Defaults to None.
|
||||
|
||||
Raises:
|
||||
|
|
|
@ -42,7 +42,7 @@ class ZeroDDP(ColoDDP):
|
|||
|
||||
Args:
|
||||
module (torch.nn.Module): Module to apply ZeRO-DP.
|
||||
gemini_manager (GeminiManager): Manages the chunk manager and heterogeneous momery space.
|
||||
gemini_manager (GeminiManager): Manages the chunk manager and heterogeneous memory space.
|
||||
For more details, see the API reference of ``GeminiManager``.
|
||||
pin_memory (bool): Chunks on CPU Memory use pin-memory.
|
||||
force_outputs_fp32 (bool): If set to True, outputs will be fp32. Otherwise, outputs will be fp16.
|
||||
|
@ -684,7 +684,7 @@ class GeminiDDP(ZeroDDP):
|
|||
memstats: Optional[MemStats] = None,
|
||||
verbose: bool = False) -> None:
|
||||
"""
|
||||
A torch.Module warpper using ZeRO-DP and Genimi.
|
||||
A torch.Module wrapper using ZeRO-DP and Gemini.
|
||||
ZeRO is for parallel. Gemini is for memory management.
|
||||
WARNING: The class will modify the module inline!
|
||||
|
||||
|
@ -706,7 +706,7 @@ class GeminiDDP(ZeroDDP):
|
|||
Users can provide this argument to speed up searching.
|
||||
If users do not know this argument before training, it is ok. We will use a default value 1024.
|
||||
min_chunk_size_mb (float, optional): the minimum chunk size in MegaByte.
|
||||
If the aggregate size of parameters is still samller than the minimum chunk size,
|
||||
If the aggregate size of parameters is still smaller than the minimum chunk size,
|
||||
all parameters will be compacted into one small chunk.
|
||||
memstats (MemStats, optional) the memory statistics collector by a runtime memory tracer.
|
||||
"""
|
||||
|
|
|
@ -8,7 +8,7 @@ from . import BaseOpHook
|
|||
@OPHOOKS.register_module
|
||||
class ShardGradMemTracerHook(BaseOpHook):
|
||||
"""
|
||||
A hook to process sharded param before and afther FWD and BWD operator executing.
|
||||
A hook to process sharded param before and after FWD and BWD operator executing.
|
||||
"""
|
||||
|
||||
def __init__(self):
|
||||
|
|
|
@ -8,7 +8,7 @@ from . import BaseOpHook
|
|||
@OPHOOKS.register_module
|
||||
class ShardParamHook(BaseOpHook):
|
||||
"""
|
||||
A hook to process sharded param before and afther FWD and BWD operator executing.
|
||||
A hook to process sharded param before and after FWD and BWD operator executing.
|
||||
"""
|
||||
|
||||
def __init__(self):
|
||||
|
|
|
@ -53,7 +53,7 @@ class StatefulTensorMgr(object):
|
|||
self._evict_time = 0
|
||||
|
||||
def adjust_layout(self) -> None:
|
||||
""" Adjust the layout of statefuil tensor according to the information provided
|
||||
""" Adjust the layout of stateful tensor according to the information provided
|
||||
by mem_stats_collector, which should belongs to a Sharded Model.
|
||||
"""
|
||||
# find stateful tensor in state COMPUTE
|
||||
|
|
|
@ -97,7 +97,7 @@ class ZeroInitContext(InsertPostInitMethodToModuleSubClasses):
|
|||
"""We use this function to substitute fan-in and fan-out calculation in torch.nn.init.
|
||||
This can help us get correct fan-in and fan-out for sharded tensor.
|
||||
"""
|
||||
assert isinstance(tensor, nn.Parameter), "Sharded tensor initilization is only allowed for paramters"
|
||||
assert isinstance(tensor, nn.Parameter), "Sharded tensor initialization is only allowed for parameters"
|
||||
|
||||
# get correct shape of input tensor
|
||||
if not hasattr(tensor, 'colo_attr') or not tensor.colo_attr.param_is_sharded:
|
||||
|
|
|
@ -14,7 +14,7 @@ class BucketTensorShardStrategy(TensorShardStrategy):
|
|||
"""Use the same shard scheme as `TensorShardStrategy`'s, but it gathers tensors of a sub-module together,
|
||||
which will fully utilize network bandwidth.
|
||||
It is especially useful when sub-module contains bias,
|
||||
since we cannot utilize network bandwidth well if we only gather a bias tensor (bias is usaully small).
|
||||
since we cannot utilize network bandwidth well if we only gather a bias tensor (bias is usually small).
|
||||
"""
|
||||
|
||||
def gather(self, tensor_list: List[ShardedTensor], process_group: Optional[dist.ProcessGroup] = None):
|
||||
|
|
|
@ -192,7 +192,7 @@ class ShardedModelV2(nn.Module):
|
|||
|
||||
def dump_memory_stats(self, filename: Optional[str] = 'dump_mem_stats.log') -> None:
|
||||
"""
|
||||
dummy memory tracer collected infomation to a file.
|
||||
dummy memory tracer collected information to a file.
|
||||
try:
|
||||
# forward: model(inputs)
|
||||
# backward: optimizer.backward()
|
||||
|
@ -201,7 +201,7 @@ class ShardedModelV2(nn.Module):
|
|||
exit(0)
|
||||
"""
|
||||
if self._use_memory_tracer:
|
||||
self.logger.error(f'dump memort tracer collected infomation to a {filename}', ranks=[0])
|
||||
self.logger.error(f'dump memort tracer collected information to a {filename}', ranks=[0])
|
||||
if gpc.get_global_rank() == 0:
|
||||
with open(filename, 'w+') as f:
|
||||
f.write(f'cuda reserved {torch.cuda.memory_reserved(get_current_device()) / 1e9} GB\n')
|
||||
|
@ -293,7 +293,7 @@ class ShardedModelV2(nn.Module):
|
|||
if not p.requires_grad:
|
||||
continue
|
||||
# Leave the gradient accumulation state (_require_backward_grad_sync) as-is if not synchronizing this pass.
|
||||
# NOTE() (no-sync)/sync pass: (not conduct)/conduct gradient allreducing between process group.
|
||||
# NOTE() (no-sync)/sync pass: (not conduct)/conduct gradient all reducing between process group.
|
||||
# If _require_backward_grad_sync is True,
|
||||
# p.grad remains the accumulated unsharded gradient from prior no-sync passes.
|
||||
# We also allows to interleave no-sync pass with sync passes, if desired.
|
||||
|
@ -385,7 +385,7 @@ class ShardedModelV2(nn.Module):
|
|||
param.colo_attr.grad_payload_reset(grad.data)
|
||||
# release the memory of param
|
||||
# we set a false None for parameter's payload
|
||||
# so we can get paramter's device and dtype later in optimizer
|
||||
# so we can get parameter's device and dtype later in optimizer
|
||||
param.colo_attr.data_payload_reset(torch.empty(0, device=grad.device, dtype=grad.dtype))
|
||||
|
||||
if param.colo_attr.is_replicated:
|
||||
|
|
|
@ -67,8 +67,8 @@ class ShardedOptimizerV2(ColossalaiOptimizer):
|
|||
growth_interval (float, optional): growth_interval used by DynamicGradScaler. Defaults to 1000.
|
||||
hysteresis (float, optional): hysteresis used by DynamicGradScaler. Defaults to 2.
|
||||
max_scale (int, optional): max_scale used by DynamicGradScaler. Defaults to 2**32.
|
||||
dp_process_group (Optional[ProcessGroup], optional): data paralle process group. Defaults to None.
|
||||
mp_process_group (Optional[ProcessGroup], optional): model paralle process group. Defaults to None.
|
||||
dp_process_group (Optional[ProcessGroup], optional): data parallel process group. Defaults to None.
|
||||
mp_process_group (Optional[ProcessGroup], optional): model parallel process group. Defaults to None.
|
||||
|
||||
.. _PatrickStar\: Parallel Training of Pre-trained Models via Chunk-based Memory Management:
|
||||
https://arxiv.org/abs/2108.05818
|
||||
|
@ -274,7 +274,7 @@ class ShardedOptimizerV2(ColossalaiOptimizer):
|
|||
assert hasattr(p, 'colo_attr'), 'The parameter must be wrapped with ShardedParam'
|
||||
shard_flag = not p.colo_attr.sharded_data_tensor.is_sharded and p.colo_attr.is_replicated
|
||||
if shard_flag:
|
||||
# we always shard replicated paramters
|
||||
# we always shard replicated parameters
|
||||
self.shard_strategy.shard([p.colo_attr.sharded_data_tensor], self.dp_process_group)
|
||||
self.master_params[p] = StatefulTensor(cast_tensor_to_fp32(p.colo_attr.data_payload.to(self.device)))
|
||||
if shard_flag:
|
||||
|
@ -312,7 +312,7 @@ class ShardedOptimizerV2(ColossalaiOptimizer):
|
|||
# If reuse_fp16_shard, grad fp16 which wasn't be offloaded may be evicted to CPU
|
||||
if not p.colo_attr.offload_grad:
|
||||
colo_model_data_tensor_move_inline(p.colo_attr.saved_grad, torch.cuda.current_device())
|
||||
# FIXME(ver217): p.data here is an empty tensor on CUDA and has no useful infomation
|
||||
# FIXME(ver217): p.data here is an empty tensor on CUDA and has no useful information
|
||||
# If we change p.grad directly
|
||||
# it may raise error because of different shape/dtype/device of p.data and p.grad
|
||||
# We just set p.data = p.colo_attr.saved_grad.payload here
|
||||
|
@ -333,7 +333,7 @@ class ShardedOptimizerV2(ColossalaiOptimizer):
|
|||
|
||||
def _copy_master_model_to_model_fp16(self):
|
||||
# Copy master param data (fp32) to payload of colo_attr (fp16)
|
||||
# TODO() improve efficiency by gathering tensors into a chunk and transfering
|
||||
# TODO() improve efficiency by gathering tensors into a chunk and transferring
|
||||
# a chunk.
|
||||
for group in self.optim.param_groups:
|
||||
for p in group['params']:
|
||||
|
@ -350,7 +350,7 @@ class ShardedOptimizerV2(ColossalaiOptimizer):
|
|||
|
||||
p.data = self.master_params[p].payload
|
||||
|
||||
# we need to allocate new memory for keep_not_shard paramters
|
||||
# we need to allocate new memory for keep_not_shard parameters
|
||||
# in order to use copy, otherwise, the sizes of tensor is not compatible
|
||||
if p.colo_attr.data_payload.numel() != p.data.numel():
|
||||
p.colo_attr.data_payload_reset(
|
||||
|
|
|
@ -26,7 +26,7 @@ def zero_model_wrapper(model: nn.Module,
|
|||
zero_stage (int, optional): The stage of ZeRO DDP. You can find more information in ZeRO's paper.
|
||||
https://arxiv.org/abs/1910.02054
|
||||
gemini_config (dict, optional): The configuration dictionary of `GeminiDDP`. `GeminiDDP` is enabled
|
||||
when the stage is set to 3. You can set the arguemnts of `GeminiDDP` in the gemini_config.
|
||||
when the stage is set to 3. You can set the arguments of `GeminiDDP` in the gemini_config.
|
||||
Here is an example where we set the device of the model, the placement policy of Gemini, and the
|
||||
size of hidden dimension to help Gemini find out a unified chunk size.
|
||||
|
||||
|
@ -78,7 +78,7 @@ def zero_optim_wrapper(model: nn.Module,
|
|||
max_norm (float, optional): max_norm used for `clip_grad_norm`. You should notice that you shall not do
|
||||
clip_grad_norm by yourself when using ZeRO DDP. The ZeRO optimizer will take care of clip_grad_norm.
|
||||
norm_type (float, optional): norm_type used for `clip_grad_norm`.
|
||||
optim_config (dict, optinoal): The configuration used for the ZeRO optimizer.
|
||||
optim_config (dict, optional): The configuration used for the ZeRO optimizer.
|
||||
Example:
|
||||
|
||||
>>> zero2_config = dict(reduce_bucket_size=12 * 1024 * 1024, overlap_communication=True)
|
||||
|
|
|
@ -4,7 +4,7 @@ Colossal-Auto simplifies the process of deploying large-scale machine learning m
|
|||
|
||||
### 1. Basic usage
|
||||
|
||||
Colossal-Auto can be used to find a hybrid SPMD parallel strategy includes data, tensor(i.e., 1D, 2D, sequencial) for each operation. You can follow the [GPT example](https://github.com/hpcaitech/ColossalAI/tree/main/examples/language/gpt/experiments/auto_parallel).
|
||||
Colossal-Auto can be used to find a hybrid SPMD parallel strategy includes data, tensor(i.e., 1D, 2D, sequential) for each operation. You can follow the [GPT example](https://github.com/hpcaitech/ColossalAI/tree/main/examples/language/gpt/experiments/auto_parallel).
|
||||
Detailed instructions can be found in its `README.md`.
|
||||
|
||||
### 2. Integration with activation checkpoint
|
||||
|
|
|
@ -44,7 +44,7 @@ In some solutions, the [Zero-offload](https://arxiv.org/abs/2101.06840) adopted
|
|||
</figure>
|
||||
|
||||
|
||||
Colossal-AI designed Gemini, just like two-stars, which manages the memory space of CPU and GPU efficiently. It can make the tensor dynamically distributed in the storage space of CPU-GPU during training, so that the model training can break through the memory wall of GPU. The memory manager consists of two parts: **MemStatsCollector (MSC)** and **StatefuleTensorMgr (STM)**.
|
||||
Colossal-AI designed Gemini, just like two-stars, which manages the memory space of CPU and GPU efficiently. It can make the tensor dynamically distributed in the storage space of CPU-GPU during training, so that the model training can break through the memory wall of GPU. The memory manager consists of two parts: **MemStatsCollector (MSC)** and **StatefulTensorMgr (STM)**.
|
||||
|
||||
We take advantage of the iterative characteristics of the deep learning network training process. We divide iterations into two stages: warmup and non-warmup. One or several iterative steps at the beginning belong to the warmup stage, and the other iterative steps belong to the non-warmup stage. In the warmup stage, we collect information for the MSC, while in the non-warmup stage, STM gets the information collected by the MSC to move the tensor, so as to minimize the CPU-GPU data movement volume.
|
||||
|
||||
|
|
|
@ -20,7 +20,7 @@ To launch the distributed inference service quickly, you can download the OPT-12
|
|||
|
||||
2. Prepare a prebuilt service image
|
||||
|
||||
Pull a docker image from dockerhub installed with Colossal-AI inference.
|
||||
Pull a docker image from docker hub installed with Colossal-AI inference.
|
||||
|
||||
```bash
|
||||
docker pull hpcaitech/energon-ai:latest
|
||||
|
|
|
@ -12,7 +12,7 @@ Author: Yuxuan Lou
|
|||
|
||||
## Introduction
|
||||
|
||||
In this example for ViT model, Colossal-AI provides three different parallelism techniques which acclerate model training: data parallelism, pipeline parallelism and tensor parallelism.
|
||||
In this example for ViT model, Colossal-AI provides three different parallelism techniques which accelerate model training: data parallelism, pipeline parallelism and tensor parallelism.
|
||||
We will show you how to train ViT on CIFAR-10 dataset with these parallelism techniques. To run this example, you will need 2-4 GPUs.
|
||||
|
||||
|
||||
|
@ -31,7 +31,7 @@ pip install colossalai
|
|||
|
||||
|
||||
## Data Parallelism
|
||||
Data parallism is one basic way to accelerate model training process. You can apply data parallism to training by only two steps:
|
||||
Data parallism is one basic way to accelerate model training process. You can apply data parallelism to training by only two steps:
|
||||
1. Define a configuration file
|
||||
2. Change a few lines of code in train script
|
||||
|
||||
|
@ -108,7 +108,7 @@ disable_existing_loggers()
|
|||
logger = get_dist_logger()
|
||||
```
|
||||
|
||||
After initialization, you can acess the variables in the config file by using `colossalai.core.global_context`.
|
||||
After initialization, you can access the variables in the config file by using `colossalai.core.global_context`.
|
||||
|
||||
```python
|
||||
#access parameters
|
||||
|
@ -162,7 +162,7 @@ optimizer = colossalai.nn.Lamb(model.parameters(), lr=1.8e-2, weight_decay=0.1)
|
|||
# build loss
|
||||
criterion = torch.nn.CrossEntropyLoss()
|
||||
|
||||
# lr_scheduelr
|
||||
# lr_scheduler
|
||||
lr_scheduler = LinearWarmupLR(optimizer, warmup_steps=50, total_steps=gpc.config.NUM_EPOCHS)
|
||||
```
|
||||
|
||||
|
@ -230,10 +230,10 @@ torchrun --standalone --nproc_per_node <NUM_GPUs> train_dp.py --config ./config
|
|||
|
||||
|
||||
## Pipeline Parallelism
|
||||
Aside from data parallelism, Colossal-AI also support pipleline parallelism. In specific, Colossal-AI uses 1F1B pipeline introduced by NVIDIA. For more details, you can view the related [documents](https://www.colossalai.org/tutorials/features/pipeline_parallel).
|
||||
Aside from data parallelism, Colossal-AI also support pipeline parallelism. In specific, Colossal-AI uses 1F1B pipeline introduced by NVIDIA. For more details, you can view the related [documents](https://www.colossalai.org/tutorials/features/pipeline_parallel).
|
||||
|
||||
### Define your configuration file(`hybrid_parallel/configs/vit_pipeline.py`)
|
||||
To apply pipleline parallel on the data parallel basis, you only need to add a **parallel dict**
|
||||
To apply pipeline parallel on the data parallel basis, you only need to add a **parallel dict**
|
||||
```python
|
||||
from colossalai.amp import AMP_TYPE
|
||||
|
||||
|
@ -250,7 +250,7 @@ clip_grad_norm = 1.0
|
|||
|
||||
Other configs:
|
||||
```python
|
||||
# hyperparameters
|
||||
# hyper parameters
|
||||
# BATCH_SIZE is as per GPU
|
||||
# global batch size = BATCH_SIZE x data parallel size
|
||||
BATCH_SIZE = 256
|
||||
|
@ -276,7 +276,7 @@ Colossal-AI provides two methods to build a pipeline model from the existing mod
|
|||
- `colossalai.builder.build_pipeline_model_from_cfg`
|
||||
- `colossalai.builder.build_pipeline_model`
|
||||
|
||||
Besides, you can also build a pipeline model from scrath with Colossal-AI.
|
||||
Besides, you can also build a pipeline model from scratch with Colossal-AI.
|
||||
```python
|
||||
import math
|
||||
from typing import Callable
|
||||
|
@ -521,7 +521,7 @@ def build_cifar(batch_size):
|
|||
return train_dataloader, test_dataloader
|
||||
|
||||
|
||||
# craete dataloaders
|
||||
# create dataloaders
|
||||
train_dataloader , test_dataloader = build_cifar()
|
||||
|
||||
# create loss function
|
||||
|
@ -539,7 +539,7 @@ lr_scheduler = CosineAnnealingWarmupLR(optimizer=optimizer,
|
|||
#### Start Colossal-AI engine
|
||||
|
||||
```python
|
||||
# intiailize
|
||||
# initialize
|
||||
engine, train_dataloader, test_dataloader, _ = colossalai.initialize(model=model,
|
||||
optimizer=optimizer,
|
||||
criterion=criterion,
|
||||
|
@ -615,7 +615,7 @@ TENSOR_SHAPE = (BATCH_SIZE // NUM_MICRO_BATCHES, SEQ_LENGTH, HIDDEN_SIZE)
|
|||
|
||||
Ohter configs:
|
||||
```python
|
||||
# hyperparameters
|
||||
# hyper parameters
|
||||
# BATCH_SIZE is as per GPU
|
||||
# global batch size = BATCH_SIZE x data parallel size
|
||||
BATCH_SIZE = 256
|
||||
|
|
|
@ -42,7 +42,7 @@ Therefore, when using Distributed Spec, we only need to describe the way that th
|
|||
|
||||
## Compute Spec
|
||||
|
||||
An instance of class [ComputeSpec](https://colossalai.readthedocs.io/en/latest/colossalai/colossalai.tensor.compute_spec.html#colossalai.tensor.compute_spec.ComputeSpec) describes how a Coloensor be used in DNN training. Currently, we will set the correct Compute Pattern for the ColoTensor as the parameters of the module. The specific application scenarios will be shown in the next document.
|
||||
An instance of class [ComputeSpec](https://colossalai.readthedocs.io/en/latest/colossalai/colossalai.tensor.compute_spec.html#colossalai.tensor.compute_spec.ComputeSpec) describes how a Colotensor be used in DNN training. Currently, we will set the correct Compute Pattern for the ColoTensor as the parameters of the module. The specific application scenarios will be shown in the next document.
|
||||
|
||||
## ColoParameter
|
||||
|
||||
|
|
|
@ -172,7 +172,7 @@ In this config file, we specify that we want to use batch size 128 per GPU and r
|
|||
#### Step 2. Initialize Distributed Environment
|
||||
|
||||
We need to initialize the distributed training environment. This has been introduced in the tutorial on how to
|
||||
[launch Colossal-AI](./launch_colossalai.md). For this demostration, we use `launch_from_torch` and PyTorch launch utility.
|
||||
[launch Colossal-AI](./launch_colossalai.md). For this demonstration, we use `launch_from_torch` and PyTorch launch utility.
|
||||
|
||||
```python
|
||||
import colossalai
|
||||
|
|
|
@ -6,18 +6,18 @@ Author: Shenggui Li, Siqi Mai
|
|||
|
||||
With the development of deep learning model size, it is important to shift to a new training paradigm. The traditional training method with no parallelism and optimization became a thing of the past and new training methods are the key to make training large-scale models efficient and cost-effective.
|
||||
|
||||
Colossal-AI is designed to be a unfied system to provide an integrated set of training skills and utilities to the user. You can find the common training utilities such as mixed precision training and gradient accumulation. Besides, we provide an array of parallelism including data, tensor and pipeline parallelism. We optimize tensor parallelism with different multi-dimensional distributed matrix-matrix multiplication algorithm. We also provided different pipeline parallelism methods to allow the user to scale their model across nodes efficiently. More advanced features such as offloading can be found in this tutorial documentation in detail as well.
|
||||
Colossal-AI is designed to be a unified system to provide an integrated set of training skills and utilities to the user. You can find the common training utilities such as mixed precision training and gradient accumulation. Besides, we provide an array of parallelism including data, tensor and pipeline parallelism. We optimize tensor parallelism with different multi-dimensional distributed matrix-matrix multiplication algorithm. We also provided different pipeline parallelism methods to allow the user to scale their model across nodes efficiently. More advanced features such as offloading can be found in this tutorial documentation in detail as well.
|
||||
|
||||
## General Usage
|
||||
|
||||
We aim to make Colossal-AI easy to use and non-instrusive to user code. There is a simple general workflow if you want to use Colossal-AI.
|
||||
We aim to make Colossal-AI easy to use and non-intrusive to user code. There is a simple general workflow if you want to use Colossal-AI.
|
||||
|
||||
<figure style={{textAlign: "center"}}>
|
||||
<img src="https://s2.loli.net/2022/01/28/ZK7ICWzbMsVuJof.png"/>
|
||||
<figcaption>Workflow</figcaption>
|
||||
</figure>
|
||||
|
||||
1. Prepare a configiguration file where specifies the features you want to use and your parameters.
|
||||
1. Prepare a configuration file where specifies the features you want to use and your parameters.
|
||||
2. Initialize distributed backend with `colossalai.launch`
|
||||
3. Inject the training features into your training components (e.g. model, optimizer) with `colossalai.initialize`.
|
||||
4. Run training and testing
|
||||
|
|
|
@ -42,7 +42,7 @@ Given $P$ processors, we present the theoretical computation and memory cost, as
|
|||
|
||||
## Usage
|
||||
|
||||
To enable 1D tensor parallelism for our model, e.g. on 2 GPUs, we need to configure the parallism setting as below.
|
||||
To enable 1D tensor parallelism for our model, e.g. on 2 GPUs, we need to configure the parallelism setting as below.
|
||||
```python
|
||||
CONFIG = dict(parallel=dict(
|
||||
data=1,
|
||||
|
|
|
@ -60,7 +60,7 @@ Given $P=q\times q$ processors, we present the theoretical computation and memor
|
|||
|
||||
## Usage
|
||||
|
||||
To enable 2D tensor parallelism for our model, e.g. on 4 GPUs, we need to configure the parallism setting as below.
|
||||
To enable 2D tensor parallelism for our model, e.g. on 4 GPUs, we need to configure the parallelism setting as below.
|
||||
```python
|
||||
CONFIG = dict(parallel=dict(
|
||||
data=1,
|
||||
|
|
|
@ -57,7 +57,7 @@ Given $P=q \times q \times d$ processors, we present the theoretical computation
|
|||
|
||||
## Usage
|
||||
|
||||
To enable 2.5D tensor parallelism for our model, e.g. on 8 GPUs, we need to configure the parallism setting as below.
|
||||
To enable 2.5D tensor parallelism for our model, e.g. on 8 GPUs, we need to configure the parallelism setting as below.
|
||||
```python
|
||||
CONFIG = dict(parallel=dict(
|
||||
data=1,
|
||||
|
|
|
@ -28,7 +28,7 @@ gradient_accumulation = <int>
|
|||
## Hands-on Practice
|
||||
|
||||
We provide a [runnable example](https://github.com/hpcaitech/ColossalAI-Examples/tree/main/features/gradient_accumulation)
|
||||
to demonstrate gradient accumulation. In this example, we set the gradinet accumulation size to be 4. You can run the script using this command:
|
||||
to demonstrate gradient accumulation. In this example, we set the gradient accumulation size to be 4. You can run the script using this command:
|
||||
|
||||
```shell
|
||||
python -m torch.distributed.launch --nproc_per_node 1 --master_addr localhost --master_port 29500 run_resnet_cifar10_with_engine.py
|
||||
|
|
|
@ -101,7 +101,7 @@ you can use `colossalai.amp.convert_to_amp`.
|
|||
```python
|
||||
from colossalai.amp import AMP_TYPE
|
||||
|
||||
# exmaple of using torch amp
|
||||
# example of using torch amp
|
||||
model, optimizer, criterion = colossalai.amp.convert_to_amp(model,
|
||||
optimizer,
|
||||
criterion,
|
||||
|
@ -220,7 +220,7 @@ The default parameters of Naive AMP:
|
|||
- initial_scale(int): initial scale of gradient scaler
|
||||
- growth_factor(int): the growth rate of loss scale
|
||||
- backoff_factor(float): the decrease rate of loss scale
|
||||
- hysterisis(int): delay shift in dynamic loss scaling
|
||||
- hysteresis(int): delay shift in dynamic loss scaling
|
||||
- max_scale(int): maximum loss scale allowed
|
||||
- verbose(bool): if set to `True`, will print debug info
|
||||
|
||||
|
@ -292,7 +292,7 @@ colossalai.launch_from_torch(config=args.config)
|
|||
### Step 4. Create training components
|
||||
|
||||
Build your model, optimizer, loss function, lr scheduler and dataloaders. Note that the root path of the dataset is
|
||||
obtained from the environment varialbe `DATA`. You may `export DATA=/path/to/data` or change `Path(os.environ['DATA'])`
|
||||
obtained from the environment variable `DATA`. You may `export DATA=/path/to/data` or change `Path(os.environ['DATA'])`
|
||||
to a path on your machine. Data will be automatically downloaded to the root path.
|
||||
|
||||
```python
|
||||
|
@ -326,7 +326,7 @@ to a path on your machine. Data will be automatically downloaded to the root pat
|
|||
# build loss
|
||||
criterion = torch.nn.CrossEntropyLoss()
|
||||
|
||||
# lr_scheduelr
|
||||
# lr_scheduler
|
||||
lr_scheduler = LinearWarmupLR(optimizer, warmup_steps=50, total_steps=gpc.config.NUM_EPOCHS)
|
||||
```
|
||||
|
||||
|
|
|
@ -57,7 +57,7 @@ It's compatible with all parallel methods in ColossalAI.
|
|||
|
||||
Let's start from two simple examples -- training GPT with different methods. These examples relies on `transformers`.
|
||||
|
||||
We should install denpendencies first:
|
||||
We should install dependencies first:
|
||||
|
||||
```shell
|
||||
pip install psutil transformers
|
||||
|
@ -99,7 +99,7 @@ class GPTLMLoss(nn.Module):
|
|||
shift_labels.view(-1))
|
||||
```
|
||||
|
||||
And we define some utility functions, which generates random data, computes the number of paramters of a model and get memory usage of current process:
|
||||
And we define some utility functions, which generates random data, computes the number of parameters of a model and get memory usage of current process:
|
||||
|
||||
```python
|
||||
def get_data(batch_size: int, seq_len: int,
|
||||
|
@ -251,7 +251,7 @@ Time: 3.691 s
|
|||
Mem usage: 5298.344 MB
|
||||
```
|
||||
|
||||
NVME offload saves about 294 MB memory. Note that enabling `pin_memory` of Gemini can accelerate training but increase memory usage. So this result also meets our expectation. If we disable `pin_memory`, we can aslo observe a memory usage drop about 900 MB.
|
||||
NVME offload saves about 294 MB memory. Note that enabling `pin_memory` of Gemini can accelerate training but increase memory usage. So this result also meets our expectation. If we disable `pin_memory`, we can also observe a memory usage drop about 900 MB.
|
||||
|
||||
## API Reference
|
||||
|
||||
|
|
|
@ -32,11 +32,11 @@ and the first and second momentum estimates) are partitioned across the processe
|
|||
|
||||
3. **Shard Parameter**: The 16-bit model parameters are partitioned across the processes of a data parallel group.
|
||||
|
||||
4. **[Gemini](../advanced_tutorials/meet_gemini.md)**: Dynamic heterogeneous memory space manager for paramters, gradients and optimizer states.
|
||||
4. **[Gemini](../advanced_tutorials/meet_gemini.md)**: Dynamic heterogeneous memory space manager for parameters, gradients and optimizer states.
|
||||
|
||||
Besides, this article will introduce the Zero Redundancy Optimizer with chunk-based memory management.
|
||||
|
||||
When using ZeRO, we distributed the model by sharding the parameters. The advantage of this method is that the memory of each node is load balanced. But this approach has two significiant disadvantages. First, during communication, a temporary memory buffer needs to be allocated and released afterwards, leading to the memory fragmentation problem. Secondly, using tensor as the granularity for communication will cause the network bandwidth underutilized. Generally, the longer the transmitted message length, the higher the bandwidth utilization.
|
||||
When using ZeRO, we distributed the model by sharding the parameters. The advantage of this method is that the memory of each node is load balanced. But this approach has two significant disadvantages. First, during communication, a temporary memory buffer needs to be allocated and released afterwards, leading to the memory fragmentation problem. Secondly, using tensor as the granularity for communication will cause the network bandwidth underutilized. Generally, the longer the transmitted message length, the higher the bandwidth utilization.
|
||||
|
||||
Using the Chunk mechanism introduced in ColossalAI v0.1.8, we can improve the efficiency of ZeRO. We store a continuous set of parameters in initialization order into a Chunk (a chunk is a continuous memory space), and each Chunk has the same size. Organizing memory in chunks can lead to efficient use of network bandwidth between PCI-e and GPU-GPU, reduce the number of communications, and avoid potential memory fragmentation.
|
||||
|
||||
|
|
|
@ -13,7 +13,7 @@ from datasets import load_dataset
|
|||
|
||||
def make_multi_folder_data(paths, caption_files=None, **kwargs):
|
||||
"""Make a concat dataset from multiple folders
|
||||
Don't suport captions yet
|
||||
Don't support captions yet
|
||||
If paths is a list, that's ok, if it's a Dict interpret it as:
|
||||
k=folder v=n_times to repeat that
|
||||
"""
|
||||
|
|
|
@ -40,7 +40,7 @@ class DataLoaderX(DataLoader):
|
|||
# A custom data loader class that inherits from DataLoader
|
||||
def __iter__(self):
|
||||
# Overriding the __iter__ method of DataLoader to return a BackgroundGenerator
|
||||
#This is to enable data laoding in the background to improve training performance
|
||||
#This is to enable data loading in the background to improve training performance
|
||||
return BackgroundGenerator(super().__iter__())
|
||||
|
||||
|
||||
|
@ -60,7 +60,7 @@ def get_parser(**parser_kwargs):
|
|||
# Create an ArgumentParser object with specifies kwargs
|
||||
parser = argparse.ArgumentParser(**parser_kwargs)
|
||||
|
||||
# Add vairous command line arguments with their default balues and descriptions
|
||||
# Add various command line arguments with their default values and descriptions
|
||||
parser.add_argument(
|
||||
"-n",
|
||||
"--name",
|
||||
|
@ -162,7 +162,7 @@ def get_parser(**parser_kwargs):
|
|||
|
||||
# A function that returns the non-default arguments between two objects
|
||||
def nondefault_trainer_args(opt):
|
||||
# create an argument parsser
|
||||
# create an argument parser
|
||||
parser = argparse.ArgumentParser()
|
||||
# add pytorch lightning trainer default arguments
|
||||
parser = Trainer.add_argparse_args(parser)
|
||||
|
@ -203,7 +203,7 @@ def worker_init_fn(_):
|
|||
else:
|
||||
return np.random.seed(np.random.get_state()[1][0] + worker_id)
|
||||
|
||||
#Provide functionality for creating data loadedrs based on provided dataset configurations
|
||||
#Provide functionality for creating data loaders based on provided dataset configurations
|
||||
class DataModuleFromConfig(pl.LightningDataModule):
|
||||
|
||||
def __init__(self,
|
||||
|
@ -255,7 +255,7 @@ class DataModuleFromConfig(pl.LightningDataModule):
|
|||
def _train_dataloader(self):
|
||||
#Check if the train dataset is iterable
|
||||
is_iterable_dataset = isinstance(self.datasets['train'], Txt2ImgIterableBaseDataset)
|
||||
#Set the worker initialization function of the dataset isiterable or use_worker_init_fn is True
|
||||
#Set the worker initialization function of the dataset is iterable or use_worker_init_fn is True
|
||||
if is_iterable_dataset or self.use_worker_init_fn:
|
||||
init_fn = worker_init_fn
|
||||
else:
|
||||
|
@ -310,7 +310,7 @@ class DataModuleFromConfig(pl.LightningDataModule):
|
|||
|
||||
|
||||
class SetupCallback(Callback):
|
||||
# I nitialize the callback with the necessary parameters
|
||||
# Initialize the callback with the necessary parameters
|
||||
|
||||
def __init__(self, resume, now, logdir, ckptdir, cfgdir, config, lightning_config):
|
||||
super().__init__()
|
||||
|
@ -371,7 +371,7 @@ class SetupCallback(Callback):
|
|||
# trainer.save_checkpoint(ckpt_path)
|
||||
|
||||
|
||||
# PyTorch Lightning callback for ogging images during training and validation of a deep learning model
|
||||
# PyTorch Lightning callback for logging images during training and validation of a deep learning model
|
||||
class ImageLogger(Callback):
|
||||
|
||||
def __init__(self,
|
||||
|
@ -379,10 +379,10 @@ class ImageLogger(Callback):
|
|||
max_images, # Maximum number of images to log
|
||||
clamp=True, # Whether to clamp pixel values to [-1,1]
|
||||
increase_log_steps=True, # Whether to increase frequency of log steps exponentially
|
||||
rescale=True, # Whetehr to rescale pixel values to [0,1]
|
||||
rescale=True, # Whether to rescale pixel values to [0,1]
|
||||
disabled=False, # Whether to disable logging
|
||||
log_on_batch_idx=False, # Whether to log on baych index instead of global step
|
||||
log_first_step=False, # Whetehr to log on the first step
|
||||
log_on_batch_idx=False, # Whether to log on batch index instead of global step
|
||||
log_first_step=False, # Whether to log on the first step
|
||||
log_images_kwargs=None): # Additional keyword arguments to pass to log_images method
|
||||
super().__init__()
|
||||
self.rescale = rescale
|
||||
|
@ -593,7 +593,7 @@ if __name__ == "__main__":
|
|||
parser = Trainer.add_argparse_args(parser)
|
||||
|
||||
opt, unknown = parser.parse_known_args()
|
||||
# Veirfy the arguments are both specified
|
||||
# Verify the arguments are both specified
|
||||
if opt.name and opt.resume:
|
||||
raise ValueError("-n/--name and -r/--resume cannot be specified both."
|
||||
"If you want to resume training in a new log folder, "
|
||||
|
@ -646,7 +646,7 @@ if __name__ == "__main__":
|
|||
# Sets the seed for the random number generator to ensure reproducibility
|
||||
seed_everything(opt.seed)
|
||||
|
||||
# Intinalize and save configuratioon using teh OmegaConf library.
|
||||
# Initialize and save configuration using teh OmegaConf library.
|
||||
try:
|
||||
# init and save configs
|
||||
configs = [OmegaConf.load(cfg) for cfg in opt.base]
|
||||
|
|
|
@ -61,7 +61,7 @@ torchrun --nproc_per_node 2 train_dreambooth_colossalai.py \
|
|||
- `INSTANCE_DIR` refers to personalized path to instance images, you might need to insert information here.
|
||||
- `OUTPUT_DIR` refers to local path to save the trained model, you might need to find a path with enough space.
|
||||
- `resolution` refers to the corresponding resolution number of your target model. Note: Change the `resolution` to 768 if you are using the [stable-diffusion-2](https://huggingface.co/stabilityai/stable-diffusion-2) 768x768 model.
|
||||
- `placement` refers to the training strategy supported by Colossal AI, defult = 'cuda', which refers to loading all the parameters into cuda memory. On the other hand, 'cpu' refers to 'cpu offload' strategy while 'auto' enables 'Gemini', both featured by Colossal AI.
|
||||
- `placement` refers to the training strategy supported by Colossal AI, default = 'cuda', which refers to loading all the parameters into cuda memory. On the other hand, 'cpu' refers to 'cpu offload' strategy while 'auto' enables 'Gemini', both featured by Colossal AI.
|
||||
|
||||
### Training with prior-preservation loss
|
||||
|
||||
|
|
|
@ -40,7 +40,7 @@ We provide two stable solutions.
|
|||
One utilizes the Gemini to implement hybrid parallel strategies of Gemini, DDP/ZeRO, and Tensor Parallelism for a huggingface GPT model.
|
||||
The other one use [Titans](https://github.com/hpcaitech/Titans), a distributed executed model zoo maintained by ColossalAI,to implement the hybrid parallel strategies of TP + ZeRO + PP.
|
||||
|
||||
We recommend using Gemini to qucikly run your model in a distributed manner.
|
||||
We recommend using Gemini to quickly run your model in a distributed manner.
|
||||
It doesn't require significant changes to the model structures, therefore you can apply it on a new model easily.
|
||||
And use Titans as an advanced weapon to pursue a more extreme performance.
|
||||
Titans has included the some typical models, such as Vit and GPT.
|
||||
|
|
|
@ -27,7 +27,7 @@ pip install transformers
|
|||
|
||||
## Dataset
|
||||
|
||||
For simplicity, the input data is randonly generated here.
|
||||
For simplicity, the input data is randomly generated here.
|
||||
|
||||
## Training
|
||||
|
||||
|
|
|
@ -34,7 +34,7 @@ conda install -c conda-forge coin-or-cbc
|
|||
|
||||
## Dataset
|
||||
|
||||
For simplicity, the input data is randonly generated here.
|
||||
For simplicity, the input data is randomly generated here.
|
||||
|
||||
## Training
|
||||
|
||||
|
|
|
@ -27,7 +27,7 @@ pip install transformers
|
|||
|
||||
## Dataset
|
||||
|
||||
For simplicity, the input data is randonly generated here.
|
||||
For simplicity, the input data is randomly generated here.
|
||||
|
||||
## Training
|
||||
|
||||
|
|
|
@ -163,7 +163,7 @@ def main():
|
|||
else:
|
||||
init_dev = get_current_device()
|
||||
|
||||
# shard init prameters
|
||||
# shard init parameters
|
||||
if args.shardinit:
|
||||
logger.info("Sharding initialization !", ranks=[0])
|
||||
else:
|
||||
|
@ -192,7 +192,7 @@ def main():
|
|||
config=config,
|
||||
local_files_only=False)
|
||||
|
||||
# enable graident checkpointing
|
||||
# enable gradient checkpointing
|
||||
model.gradient_checkpointing_enable()
|
||||
|
||||
numel = sum([p.numel() for p in model.parameters()])
|
||||
|
|
Loading…
Reference in New Issue