mirror of
https://github.com/hpcaitech/ColossalAI.git
synced 2025-09-05 11:02:05 +00:00
[misc] update pre-commit and run all files (#4752)
* [misc] update pre-commit * [misc] run pre-commit * [misc] remove useless configuration files * [misc] ignore cuda for clang-format
This commit is contained in:
@@ -56,14 +56,16 @@ class Linear2p5D(ParallelLayer):
|
||||
`init <https://github.com/hpcaitech/ColossalAI/blob/main/colossalai/nn/init.py>`_.
|
||||
"""
|
||||
|
||||
def __init__(self,
|
||||
in_features: int,
|
||||
out_features: int,
|
||||
bias: bool = True,
|
||||
dtype: torch.dtype = None,
|
||||
skip_bias_add: bool = False,
|
||||
weight_initializer: Callable = init.kaiming_uniform_(a=math.sqrt(5)),
|
||||
bias_initializer: Callable = init.xavier_uniform_(a=1, scale=1)):
|
||||
def __init__(
|
||||
self,
|
||||
in_features: int,
|
||||
out_features: int,
|
||||
bias: bool = True,
|
||||
dtype: torch.dtype = None,
|
||||
skip_bias_add: bool = False,
|
||||
weight_initializer: Callable = init.kaiming_uniform_(a=math.sqrt(5)),
|
||||
bias_initializer: Callable = init.xavier_uniform_(a=1, scale=1),
|
||||
):
|
||||
super().__init__()
|
||||
|
||||
self.in_features = in_features
|
||||
@@ -82,15 +84,16 @@ class Linear2p5D(ParallelLayer):
|
||||
self.hidden_size_per_partition = divide(out_features, self.tesseract_dim)
|
||||
|
||||
# create weight, shape: [k/q, h/q]
|
||||
factory_kwargs = {'device': get_current_device(), 'dtype': dtype}
|
||||
factory_kwargs = {"device": get_current_device(), "dtype": dtype}
|
||||
self.weight = Parameter(
|
||||
torch.empty(self.input_size_per_partition, self.hidden_size_per_partition, **factory_kwargs))
|
||||
torch.empty(self.input_size_per_partition, self.hidden_size_per_partition, **factory_kwargs)
|
||||
)
|
||||
|
||||
# create bias, shape: [h/q]
|
||||
if bias:
|
||||
self.bias = Parameter(torch.empty(self.hidden_size_per_partition, **factory_kwargs))
|
||||
else:
|
||||
self.register_parameter('bias', None)
|
||||
self.register_parameter("bias", None)
|
||||
|
||||
# initialize parameters
|
||||
with seed(ParallelMode.TENSOR):
|
||||
@@ -110,8 +113,8 @@ class Linear2p5D(ParallelLayer):
|
||||
|
||||
def _load_from_global_state_dict(self, state_dict, prefix, *args, **kwargs):
|
||||
local_state = OrderedDict()
|
||||
weight_key = prefix + 'weight'
|
||||
bias_key = prefix + 'bias'
|
||||
weight_key = prefix + "weight"
|
||||
bias_key = prefix + "bias"
|
||||
if gpc.get_local_rank(ParallelMode.TENSOR) == 0:
|
||||
# weight
|
||||
weight = state_dict.pop(weight_key, None)
|
||||
@@ -124,43 +127,33 @@ class Linear2p5D(ParallelLayer):
|
||||
local_state[bias_key] = bias
|
||||
|
||||
# broadcast in dep groups
|
||||
if gpc.get_local_rank(ParallelMode.PARALLEL_2P5D_COL) == 0 and \
|
||||
gpc.get_local_rank(ParallelMode.PARALLEL_2P5D_ROW) == 0:
|
||||
if (
|
||||
gpc.get_local_rank(ParallelMode.PARALLEL_2P5D_COL) == 0
|
||||
and gpc.get_local_rank(ParallelMode.PARALLEL_2P5D_ROW) == 0
|
||||
):
|
||||
broadcast_state_dict(local_state, ParallelMode.PARALLEL_2P5D_DEP)
|
||||
# partition in column groups
|
||||
if gpc.get_local_rank(ParallelMode.PARALLEL_2P5D_ROW) == 0:
|
||||
local_state = partition_tensor_parallel_state_dict(
|
||||
local_state,
|
||||
ParallelMode.PARALLEL_2P5D_COL,
|
||||
dims={
|
||||
weight_key: 0,
|
||||
bias_key: 0
|
||||
},
|
||||
partition_states={
|
||||
weight_key: True,
|
||||
bias_key: False
|
||||
},
|
||||
dims={weight_key: 0, bias_key: 0},
|
||||
partition_states={weight_key: True, bias_key: False},
|
||||
)
|
||||
# partition in row groups
|
||||
local_state = partition_tensor_parallel_state_dict(
|
||||
local_state,
|
||||
ParallelMode.PARALLEL_2P5D_ROW,
|
||||
dims={
|
||||
weight_key: -1,
|
||||
bias_key: 0
|
||||
},
|
||||
partition_states={
|
||||
weight_key: True,
|
||||
bias_key: True
|
||||
},
|
||||
dims={weight_key: -1, bias_key: 0},
|
||||
partition_states={weight_key: True, bias_key: True},
|
||||
)
|
||||
|
||||
super()._load_from_global_state_dict(local_state, prefix, *args, **kwargs)
|
||||
|
||||
def _save_to_global_state_dict(self, destination, prefix, keep_vars):
|
||||
if gpc.get_local_rank(ParallelMode.PARALLEL_2P5D_DEP) == 0:
|
||||
weight_key = prefix + 'weight'
|
||||
bias_key = prefix + 'bias'
|
||||
weight_key = prefix + "weight"
|
||||
bias_key = prefix + "bias"
|
||||
local_state = OrderedDict({weight_key: self.weight})
|
||||
if self.bias is not None:
|
||||
local_state[bias_key] = self.bias
|
||||
@@ -169,14 +162,8 @@ class Linear2p5D(ParallelLayer):
|
||||
local_state = gather_tensor_parallel_state_dict(
|
||||
local_state,
|
||||
ParallelMode.PARALLEL_2P5D_ROW,
|
||||
dims={
|
||||
weight_key: -1,
|
||||
bias_key: 0
|
||||
},
|
||||
partition_states={
|
||||
weight_key: True,
|
||||
bias_key: True
|
||||
},
|
||||
dims={weight_key: -1, bias_key: 0},
|
||||
partition_states={weight_key: True, bias_key: True},
|
||||
keep_vars=keep_vars,
|
||||
)
|
||||
# gather in column groups
|
||||
@@ -184,14 +171,8 @@ class Linear2p5D(ParallelLayer):
|
||||
local_state = gather_tensor_parallel_state_dict(
|
||||
local_state,
|
||||
ParallelMode.PARALLEL_2P5D_COL,
|
||||
dims={
|
||||
weight_key: 0,
|
||||
bias_key: 0
|
||||
},
|
||||
partition_states={
|
||||
weight_key: True,
|
||||
bias_key: False
|
||||
},
|
||||
dims={weight_key: 0, bias_key: 0},
|
||||
partition_states={weight_key: True, bias_key: False},
|
||||
keep_vars=keep_vars,
|
||||
)
|
||||
if gpc.get_local_rank(ParallelMode.TENSOR) == 0:
|
||||
@@ -221,16 +202,38 @@ class Linear2p5D(ParallelLayer):
|
||||
|
||||
if self.bias is not None:
|
||||
if self.skip_bias_add:
|
||||
bias = add_bias_2p5d(None, self.bias, self.hidden_size_per_partition, self.tesseract_dim, self.row_rank,
|
||||
self.col_rank, self.dep_rank, ParallelMode.PARALLEL_2P5D_COL, True,
|
||||
self.data_parallel_rank, self.pipeline_parallel_rank, self.pipeline_parallel_size,
|
||||
self.tensor_parallel_size)
|
||||
bias = add_bias_2p5d(
|
||||
None,
|
||||
self.bias,
|
||||
self.hidden_size_per_partition,
|
||||
self.tesseract_dim,
|
||||
self.row_rank,
|
||||
self.col_rank,
|
||||
self.dep_rank,
|
||||
ParallelMode.PARALLEL_2P5D_COL,
|
||||
True,
|
||||
self.data_parallel_rank,
|
||||
self.pipeline_parallel_rank,
|
||||
self.pipeline_parallel_size,
|
||||
self.tensor_parallel_size,
|
||||
)
|
||||
return output, bias
|
||||
else:
|
||||
output = add_bias_2p5d(output, self.bias, self.hidden_size_per_partition, self.tesseract_dim,
|
||||
self.row_rank, self.col_rank, self.dep_rank, ParallelMode.PARALLEL_2P5D_COL,
|
||||
False, self.data_parallel_rank, self.pipeline_parallel_rank,
|
||||
self.pipeline_parallel_size, self.tensor_parallel_size)
|
||||
output = add_bias_2p5d(
|
||||
output,
|
||||
self.bias,
|
||||
self.hidden_size_per_partition,
|
||||
self.tesseract_dim,
|
||||
self.row_rank,
|
||||
self.col_rank,
|
||||
self.dep_rank,
|
||||
ParallelMode.PARALLEL_2P5D_COL,
|
||||
False,
|
||||
self.data_parallel_rank,
|
||||
self.pipeline_parallel_rank,
|
||||
self.pipeline_parallel_size,
|
||||
self.tensor_parallel_size,
|
||||
)
|
||||
return output
|
||||
else:
|
||||
return output
|
||||
@@ -266,10 +269,10 @@ class LayerNorm2p5D(ParallelLayer):
|
||||
self.tesseract_dim, _ = get_tesseract_dim_dep_from_env()
|
||||
|
||||
# partitioning dimension
|
||||
self.partitioned_partition = divide(normalized_shape, self.tesseract_dim) # *
|
||||
self.partitioned_partition = divide(normalized_shape, self.tesseract_dim) # *
|
||||
|
||||
# create parameters
|
||||
factory_kwargs = {'device': get_current_device(), 'dtype': dtype}
|
||||
factory_kwargs = {"device": get_current_device(), "dtype": dtype}
|
||||
|
||||
self.weight = Parameter(torch.ones(self.partitioned_partition, **factory_kwargs))
|
||||
if bias:
|
||||
@@ -286,8 +289,8 @@ class LayerNorm2p5D(ParallelLayer):
|
||||
|
||||
def _load_from_global_state_dict(self, state_dict, prefix, *args, **kwargs):
|
||||
local_state = OrderedDict()
|
||||
weight_key = prefix + 'weight'
|
||||
bias_key = prefix + 'bias'
|
||||
weight_key = prefix + "weight"
|
||||
bias_key = prefix + "bias"
|
||||
if gpc.get_local_rank(ParallelMode.TENSOR) == 0:
|
||||
# weight
|
||||
weight = state_dict.pop(weight_key, None)
|
||||
@@ -303,34 +306,22 @@ class LayerNorm2p5D(ParallelLayer):
|
||||
local_state = partition_tensor_parallel_state_dict(
|
||||
local_state,
|
||||
ParallelMode.PARALLEL_2P5D_ROW,
|
||||
dims={
|
||||
weight_key: 0,
|
||||
bias_key: 0
|
||||
},
|
||||
partition_states={
|
||||
weight_key: True,
|
||||
bias_key: True
|
||||
},
|
||||
dims={weight_key: 0, bias_key: 0},
|
||||
partition_states={weight_key: True, bias_key: True},
|
||||
)
|
||||
# partition in column groups
|
||||
local_state = partition_tensor_parallel_state_dict(
|
||||
local_state,
|
||||
ParallelMode.PARALLEL_2P5D_COL,
|
||||
dims={
|
||||
weight_key: 0,
|
||||
bias_key: 0
|
||||
},
|
||||
partition_states={
|
||||
weight_key: True,
|
||||
bias_key: True
|
||||
},
|
||||
dims={weight_key: 0, bias_key: 0},
|
||||
partition_states={weight_key: True, bias_key: True},
|
||||
)
|
||||
|
||||
super()._load_from_global_state_dict(local_state, prefix, *args, **kwargs)
|
||||
|
||||
def _save_to_global_state_dict(self, destination, prefix, keep_vars):
|
||||
weight_key = prefix + 'weight'
|
||||
bias_key = prefix + 'bias'
|
||||
weight_key = prefix + "weight"
|
||||
bias_key = prefix + "bias"
|
||||
local_state = OrderedDict({weight_key: self.weight})
|
||||
if self.bias is not None:
|
||||
local_state[bias_key] = self.bias
|
||||
@@ -339,14 +330,8 @@ class LayerNorm2p5D(ParallelLayer):
|
||||
local_state = gather_tensor_parallel_state_dict(
|
||||
local_state,
|
||||
ParallelMode.PARALLEL_2P5D_COL,
|
||||
dims={
|
||||
weight_key: 0,
|
||||
bias_key: 0
|
||||
},
|
||||
partition_states={
|
||||
weight_key: True,
|
||||
bias_key: True
|
||||
},
|
||||
dims={weight_key: 0, bias_key: 0},
|
||||
partition_states={weight_key: True, bias_key: True},
|
||||
keep_vars=keep_vars,
|
||||
)
|
||||
# gather in row groups
|
||||
@@ -354,14 +339,8 @@ class LayerNorm2p5D(ParallelLayer):
|
||||
local_state = gather_tensor_parallel_state_dict(
|
||||
local_state,
|
||||
ParallelMode.PARALLEL_2P5D_ROW,
|
||||
dims={
|
||||
weight_key: 0,
|
||||
bias_key: 0
|
||||
},
|
||||
partition_states={
|
||||
weight_key: True,
|
||||
bias_key: True
|
||||
},
|
||||
dims={weight_key: 0, bias_key: 0},
|
||||
partition_states={weight_key: True, bias_key: True},
|
||||
keep_vars=keep_vars,
|
||||
)
|
||||
if gpc.get_local_rank(ParallelMode.TENSOR) == 0:
|
||||
@@ -369,29 +348,51 @@ class LayerNorm2p5D(ParallelLayer):
|
||||
|
||||
def forward(self, x: Tensor) -> Tensor:
|
||||
with torch.no_grad():
|
||||
E_x = torch.sum(x, dim=-1, keepdim=True) # [b/q, s, 1]
|
||||
E_x = torch.sum(x, dim=-1, keepdim=True) # [b/q, s, 1]
|
||||
torch.distributed.all_reduce(E_x, group=gpc.get_group(ParallelMode.PARALLEL_2P5D_ROW))
|
||||
E_x /= self.normalized_shape
|
||||
|
||||
# Var_x in the block below is the sum of input^2
|
||||
Var_x = torch.sum(x * x, dim=-1, keepdim=True) # [b/q, s, 1]
|
||||
Var_x = torch.sum(x * x, dim=-1, keepdim=True) # [b/q, s, 1]
|
||||
torch.distributed.all_reduce(Var_x, group=gpc.get_group(ParallelMode.PARALLEL_2P5D_ROW))
|
||||
Var_x /= self.normalized_shape
|
||||
|
||||
Var_x = Var_x - E_x * E_x # variance of x [b/q, s, 1]
|
||||
Var_x = Var_x - E_x * E_x # variance of x [b/q, s, 1]
|
||||
# this time 1/sqrt(Var_x + epsilon)
|
||||
Var_x = 1.0 / torch.sqrt(Var_x + self.variance_epsilon)
|
||||
|
||||
output = layernorm_2p5d(x, E_x, Var_x, self.normalized_shape, ParallelMode.PARALLEL_2P5D_ROW)
|
||||
scale = add_bias_2p5d(None, self.weight, self.partitioned_partition, self.tesseract_dim, self.row_rank,
|
||||
self.col_rank, self.dep_rank, ParallelMode.PARALLEL_2P5D_COL, True,
|
||||
self.data_parallel_rank, self.pipeline_parallel_rank, self.pipeline_parallel_size,
|
||||
self.tensor_parallel_size)
|
||||
scale = add_bias_2p5d(
|
||||
None,
|
||||
self.weight,
|
||||
self.partitioned_partition,
|
||||
self.tesseract_dim,
|
||||
self.row_rank,
|
||||
self.col_rank,
|
||||
self.dep_rank,
|
||||
ParallelMode.PARALLEL_2P5D_COL,
|
||||
True,
|
||||
self.data_parallel_rank,
|
||||
self.pipeline_parallel_rank,
|
||||
self.pipeline_parallel_size,
|
||||
self.tensor_parallel_size,
|
||||
)
|
||||
if self.bias is not None:
|
||||
bias = add_bias_2p5d(None, self.bias, self.partitioned_partition, self.tesseract_dim, self.row_rank,
|
||||
self.col_rank, self.dep_rank, ParallelMode.PARALLEL_2P5D_COL, True,
|
||||
self.data_parallel_rank, self.pipeline_parallel_rank, self.pipeline_parallel_size,
|
||||
self.tensor_parallel_size)
|
||||
bias = add_bias_2p5d(
|
||||
None,
|
||||
self.bias,
|
||||
self.partitioned_partition,
|
||||
self.tesseract_dim,
|
||||
self.row_rank,
|
||||
self.col_rank,
|
||||
self.dep_rank,
|
||||
ParallelMode.PARALLEL_2P5D_COL,
|
||||
True,
|
||||
self.data_parallel_rank,
|
||||
self.pipeline_parallel_rank,
|
||||
self.pipeline_parallel_size,
|
||||
self.tensor_parallel_size,
|
||||
)
|
||||
output = torch.addcmul(bias, scale, output)
|
||||
else:
|
||||
output = torch.mul(scale, output)
|
||||
@@ -420,16 +421,18 @@ class PatchEmbedding2p5D(ParallelLayer):
|
||||
`init <https://github.com/hpcaitech/ColossalAI/blob/main/colossalai/nn/init.py>`_.
|
||||
"""
|
||||
|
||||
def __init__(self,
|
||||
img_size: int,
|
||||
patch_size: int,
|
||||
in_chans: int,
|
||||
embed_size: int,
|
||||
flatten: bool = True,
|
||||
dtype: torch.dtype = None,
|
||||
weight_initializer: Callable = init.kaiming_uniform_(a=math.sqrt(5)),
|
||||
bias_initializer: Callable = init.xavier_uniform_(a=1, scale=1),
|
||||
position_embed_initializer: Callable = init.zeros_()):
|
||||
def __init__(
|
||||
self,
|
||||
img_size: int,
|
||||
patch_size: int,
|
||||
in_chans: int,
|
||||
embed_size: int,
|
||||
flatten: bool = True,
|
||||
dtype: torch.dtype = None,
|
||||
weight_initializer: Callable = init.kaiming_uniform_(a=math.sqrt(5)),
|
||||
bias_initializer: Callable = init.xavier_uniform_(a=1, scale=1),
|
||||
position_embed_initializer: Callable = init.zeros_(),
|
||||
):
|
||||
super().__init__()
|
||||
img_size = to_2tuple(img_size)
|
||||
patch_size = to_2tuple(patch_size)
|
||||
@@ -446,17 +449,22 @@ class PatchEmbedding2p5D(ParallelLayer):
|
||||
|
||||
with seed(ParallelMode.TENSOR):
|
||||
self.weight = Parameter(
|
||||
torch.empty((self.embed_size_per_partition, in_chans, *self.patch_size),
|
||||
device=get_current_device(),
|
||||
dtype=dtype))
|
||||
torch.empty(
|
||||
(self.embed_size_per_partition, in_chans, *self.patch_size),
|
||||
device=get_current_device(),
|
||||
dtype=dtype,
|
||||
)
|
||||
)
|
||||
self.bias = Parameter(torch.empty(self.embed_size_per_partition, device=get_current_device(), dtype=dtype))
|
||||
|
||||
self.cls_token = Parameter(
|
||||
torch.zeros((1, 1, self.embed_size_per_partition), device=get_current_device(), dtype=dtype))
|
||||
torch.zeros((1, 1, self.embed_size_per_partition), device=get_current_device(), dtype=dtype)
|
||||
)
|
||||
self.pos_embed = Parameter(
|
||||
torch.zeros((1, self.num_patches + 1, self.embed_size_per_partition),
|
||||
device=get_current_device(),
|
||||
dtype=dtype))
|
||||
torch.zeros(
|
||||
(1, self.num_patches + 1, self.embed_size_per_partition), device=get_current_device(), dtype=dtype
|
||||
)
|
||||
)
|
||||
|
||||
self.reset_parameters(weight_initializer, bias_initializer, position_embed_initializer)
|
||||
self._set_tensor_parallel_attribute()
|
||||
@@ -477,10 +485,10 @@ class PatchEmbedding2p5D(ParallelLayer):
|
||||
|
||||
def _load_from_global_state_dict(self, state_dict, prefix, *args, **kwargs):
|
||||
local_state = OrderedDict()
|
||||
weight_key = prefix + 'weight'
|
||||
bias_key = prefix + 'bias'
|
||||
cls_token_key = prefix + 'cls_token'
|
||||
pos_embed_key = prefix + 'pos_embed'
|
||||
weight_key = prefix + "weight"
|
||||
bias_key = prefix + "bias"
|
||||
cls_token_key = prefix + "cls_token"
|
||||
pos_embed_key = prefix + "pos_embed"
|
||||
if gpc.get_local_rank(ParallelMode.TENSOR) == 0:
|
||||
# weight
|
||||
weight = state_dict.pop(weight_key, None)
|
||||
@@ -504,67 +512,34 @@ class PatchEmbedding2p5D(ParallelLayer):
|
||||
local_state = partition_tensor_parallel_state_dict(
|
||||
local_state,
|
||||
ParallelMode.PARALLEL_2P5D_ROW,
|
||||
dims={
|
||||
weight_key: 0,
|
||||
bias_key: 0,
|
||||
cls_token_key: -1,
|
||||
pos_embed_key: -1
|
||||
},
|
||||
partition_states={
|
||||
weight_key: True,
|
||||
bias_key: True,
|
||||
cls_token_key: True,
|
||||
pos_embed_key: True
|
||||
},
|
||||
dims={weight_key: 0, bias_key: 0, cls_token_key: -1, pos_embed_key: -1},
|
||||
partition_states={weight_key: True, bias_key: True, cls_token_key: True, pos_embed_key: True},
|
||||
)
|
||||
# partition in column groups
|
||||
local_state = partition_tensor_parallel_state_dict(
|
||||
local_state,
|
||||
ParallelMode.PARALLEL_2P5D_COL,
|
||||
dims={
|
||||
weight_key: 0,
|
||||
bias_key: 0,
|
||||
cls_token_key: -1,
|
||||
pos_embed_key: -1
|
||||
},
|
||||
partition_states={
|
||||
weight_key: True,
|
||||
bias_key: True,
|
||||
cls_token_key: True,
|
||||
pos_embed_key: True
|
||||
},
|
||||
dims={weight_key: 0, bias_key: 0, cls_token_key: -1, pos_embed_key: -1},
|
||||
partition_states={weight_key: True, bias_key: True, cls_token_key: True, pos_embed_key: True},
|
||||
)
|
||||
|
||||
super()._load_from_global_state_dict(local_state, prefix, *args, **kwargs)
|
||||
|
||||
def _save_to_global_state_dict(self, destination, prefix, keep_vars):
|
||||
weight_key = prefix + 'weight'
|
||||
bias_key = prefix + 'bias'
|
||||
cls_token_key = prefix + 'cls_token'
|
||||
pos_embed_key = prefix + 'pos_embed'
|
||||
local_state = OrderedDict({
|
||||
weight_key: self.weight,
|
||||
bias_key: self.bias,
|
||||
cls_token_key: self.cls_token,
|
||||
pos_embed_key: self.pos_embed
|
||||
})
|
||||
weight_key = prefix + "weight"
|
||||
bias_key = prefix + "bias"
|
||||
cls_token_key = prefix + "cls_token"
|
||||
pos_embed_key = prefix + "pos_embed"
|
||||
local_state = OrderedDict(
|
||||
{weight_key: self.weight, bias_key: self.bias, cls_token_key: self.cls_token, pos_embed_key: self.pos_embed}
|
||||
)
|
||||
|
||||
# gather in column groups
|
||||
local_state = gather_tensor_parallel_state_dict(
|
||||
local_state,
|
||||
ParallelMode.PARALLEL_2P5D_COL,
|
||||
dims={
|
||||
weight_key: 0,
|
||||
bias_key: 0,
|
||||
cls_token_key: -1,
|
||||
pos_embed_key: -1
|
||||
},
|
||||
partition_states={
|
||||
weight_key: True,
|
||||
bias_key: True,
|
||||
cls_token_key: True,
|
||||
pos_embed_key: True
|
||||
},
|
||||
dims={weight_key: 0, bias_key: 0, cls_token_key: -1, pos_embed_key: -1},
|
||||
partition_states={weight_key: True, bias_key: True, cls_token_key: True, pos_embed_key: True},
|
||||
keep_vars=keep_vars,
|
||||
)
|
||||
# gather in row groups
|
||||
@@ -572,18 +547,8 @@ class PatchEmbedding2p5D(ParallelLayer):
|
||||
local_state = gather_tensor_parallel_state_dict(
|
||||
local_state,
|
||||
ParallelMode.PARALLEL_2P5D_ROW,
|
||||
dims={
|
||||
weight_key: 0,
|
||||
bias_key: 0,
|
||||
cls_token_key: -1,
|
||||
pos_embed_key: -1
|
||||
},
|
||||
partition_states={
|
||||
weight_key: True,
|
||||
bias_key: True,
|
||||
cls_token_key: True,
|
||||
pos_embed_key: True
|
||||
},
|
||||
dims={weight_key: 0, bias_key: 0, cls_token_key: -1, pos_embed_key: -1},
|
||||
partition_states={weight_key: True, bias_key: True, cls_token_key: True, pos_embed_key: True},
|
||||
keep_vars=keep_vars,
|
||||
)
|
||||
if gpc.get_local_rank(ParallelMode.TENSOR) == 0:
|
||||
@@ -593,15 +558,16 @@ class PatchEmbedding2p5D(ParallelLayer):
|
||||
input_ = split_batch_2p5d(input_, 0)
|
||||
|
||||
B, C, H, W = input_.shape
|
||||
assert H == self.img_size[0] and W == self.img_size[1], \
|
||||
f"Input image size ({H}*{W}) doesn't match model ({self.img_size[0]}*{self.img_size[1]})."
|
||||
assert (
|
||||
H == self.img_size[0] and W == self.img_size[1]
|
||||
), f"Input image size ({H}*{W}) doesn't match model ({self.img_size[0]}*{self.img_size[1]})."
|
||||
|
||||
weight = all_gather_tensor_2p5d(self.weight, 0, ParallelMode.PARALLEL_2P5D_COL)
|
||||
bias = all_gather_tensor_2p5d(self.bias, 0, ParallelMode.PARALLEL_2P5D_COL)
|
||||
|
||||
output = F.conv2d(input_, weight, bias, stride=self.patch_size)
|
||||
if self.flatten:
|
||||
output = output.flatten(2).transpose(1, 2) # BCHW -> BNC
|
||||
output = output.flatten(2).transpose(1, 2) # BCHW -> BNC
|
||||
|
||||
cls_token = all_gather_tensor_2p5d(self.cls_token, -1, ParallelMode.PARALLEL_2P5D_COL)
|
||||
pos_embed = all_gather_tensor_2p5d(self.pos_embed, -1, ParallelMode.PARALLEL_2P5D_COL)
|
||||
@@ -643,14 +609,16 @@ class Embedding2p5D(ParallelLayer):
|
||||
`init <https://github.com/hpcaitech/ColossalAI/blob/main/colossalai/nn/init.py>`_
|
||||
"""
|
||||
|
||||
def __init__(self,
|
||||
num_embeddings: int,
|
||||
embedding_dim: int,
|
||||
padding_idx: int = None,
|
||||
dtype: torch.dtype = None,
|
||||
weight_initializer: Callable = init.normal_(),
|
||||
*args,
|
||||
**kwargs):
|
||||
def __init__(
|
||||
self,
|
||||
num_embeddings: int,
|
||||
embedding_dim: int,
|
||||
padding_idx: int = None,
|
||||
dtype: torch.dtype = None,
|
||||
weight_initializer: Callable = init.normal_(),
|
||||
*args,
|
||||
**kwargs,
|
||||
):
|
||||
super().__init__()
|
||||
|
||||
assert_tesseract_initialization()
|
||||
@@ -664,7 +632,8 @@ class Embedding2p5D(ParallelLayer):
|
||||
self.embed_kwargs = kwargs
|
||||
|
||||
self.weight = Parameter(
|
||||
torch.empty((num_embeddings, embed_dim_per_partition), device=get_current_device(), dtype=dtype))
|
||||
torch.empty((num_embeddings, embed_dim_per_partition), device=get_current_device(), dtype=dtype)
|
||||
)
|
||||
|
||||
self.reset_parameters(weight_initializer)
|
||||
self._set_tensor_parallel_attributes()
|
||||
@@ -685,7 +654,7 @@ class Embedding2p5D(ParallelLayer):
|
||||
|
||||
def _load_from_global_state_dict(self, state_dict, prefix, *args, **kwargs):
|
||||
local_state = OrderedDict()
|
||||
weight_key = prefix + 'weight'
|
||||
weight_key = prefix + "weight"
|
||||
if gpc.get_local_rank(ParallelMode.TENSOR) == 0:
|
||||
# weight
|
||||
weight = state_dict.pop(weight_key, None)
|
||||
@@ -711,7 +680,7 @@ class Embedding2p5D(ParallelLayer):
|
||||
super()._load_from_global_state_dict(local_state, prefix, *args, **kwargs)
|
||||
|
||||
def _save_to_global_state_dict(self, destination, prefix, keep_vars):
|
||||
weight_key = prefix + 'weight'
|
||||
weight_key = prefix + "weight"
|
||||
local_state = OrderedDict({weight_key: self.weight})
|
||||
|
||||
# gather in column groups
|
||||
@@ -775,14 +744,16 @@ class VocabParallelEmbedding2p5D(ParallelLayer):
|
||||
`init <https://github.com/hpcaitech/ColossalAI/blob/main/colossalai/nn/init.py>`_.
|
||||
"""
|
||||
|
||||
def __init__(self,
|
||||
num_embeddings: int,
|
||||
embedding_dim: int,
|
||||
padding_idx: int = None,
|
||||
dtype: torch.dtype = None,
|
||||
weight_initializer: Callable = init.normal_(),
|
||||
*args,
|
||||
**kwargs):
|
||||
def __init__(
|
||||
self,
|
||||
num_embeddings: int,
|
||||
embedding_dim: int,
|
||||
padding_idx: int = None,
|
||||
dtype: torch.dtype = None,
|
||||
weight_initializer: Callable = init.normal_(),
|
||||
*args,
|
||||
**kwargs,
|
||||
):
|
||||
super().__init__()
|
||||
self.num_embeddings = num_embeddings
|
||||
self.embed_dim = embedding_dim
|
||||
@@ -799,9 +770,12 @@ class VocabParallelEmbedding2p5D(ParallelLayer):
|
||||
self.vocab_end_index = self.vocab_start_index + self.num_embeddings_per_partition
|
||||
|
||||
self.weight = Parameter(
|
||||
torch.empty((self.num_embeddings_per_partition, self.embed_dim_per_partition),
|
||||
device=get_current_device(),
|
||||
dtype=dtype))
|
||||
torch.empty(
|
||||
(self.num_embeddings_per_partition, self.embed_dim_per_partition),
|
||||
device=get_current_device(),
|
||||
dtype=dtype,
|
||||
)
|
||||
)
|
||||
|
||||
self.reset_parameters(weight_initializer)
|
||||
self._set_tensor_parallel_attributes()
|
||||
@@ -817,14 +791,13 @@ class VocabParallelEmbedding2p5D(ParallelLayer):
|
||||
self._fill_padding_idx_with_zero()
|
||||
|
||||
def _fill_padding_idx_with_zero(self) -> None:
|
||||
if self.padding_idx is not None and \
|
||||
self.vocab_start_index <= self.padding_idx < self.vocab_end_index:
|
||||
if self.padding_idx is not None and self.vocab_start_index <= self.padding_idx < self.vocab_end_index:
|
||||
with torch.no_grad():
|
||||
self.weight[self.padding_idx - self.vocab_start_index].fill_(0)
|
||||
|
||||
def _load_from_global_state_dict(self, state_dict, prefix, *args, **kwargs):
|
||||
local_state = OrderedDict()
|
||||
weight_key = prefix + 'weight'
|
||||
weight_key = prefix + "weight"
|
||||
if gpc.get_local_rank(ParallelMode.TENSOR) == 0:
|
||||
# weight
|
||||
weight = state_dict.pop(weight_key, None)
|
||||
@@ -850,7 +823,7 @@ class VocabParallelEmbedding2p5D(ParallelLayer):
|
||||
super()._load_from_global_state_dict(local_state, prefix, *args, **kwargs)
|
||||
|
||||
def _save_to_global_state_dict(self, destination, prefix, keep_vars):
|
||||
weight_key = prefix + 'weight'
|
||||
weight_key = prefix + "weight"
|
||||
local_state = OrderedDict({weight_key: self.weight})
|
||||
|
||||
# gather in column groups
|
||||
@@ -880,11 +853,12 @@ class VocabParallelEmbedding2p5D(ParallelLayer):
|
||||
masked_input = input_.clone() - self.vocab_start_index
|
||||
masked_input[input_mask] = 0
|
||||
|
||||
output_parallel = F.embedding(masked_input, self.weight, self.padding_idx, *self.embed_args,
|
||||
**self.embed_kwargs)
|
||||
output_parallel = F.embedding(
|
||||
masked_input, self.weight, self.padding_idx, *self.embed_args, **self.embed_kwargs
|
||||
)
|
||||
|
||||
# Mask the output embedding.
|
||||
output_parallel[input_mask, :] = 0.
|
||||
output_parallel[input_mask, :] = 0.0
|
||||
# Reduce across all the model parallel GPUs.
|
||||
output = reduce_scatter_tensor_2p5d(output_parallel, 0, ParallelMode.PARALLEL_2P5D_COL)
|
||||
return output
|
||||
@@ -909,14 +883,16 @@ class Classifier2p5D(ParallelLayer):
|
||||
`init <https://github.com/hpcaitech/ColossalAI/blob/main/colossalai/nn/init.py>`_.
|
||||
"""
|
||||
|
||||
def __init__(self,
|
||||
in_features: int,
|
||||
num_classes: int,
|
||||
weight: Parameter = None,
|
||||
bias: bool = True,
|
||||
dtype: torch.dtype = None,
|
||||
weight_initializer: Callable = init.kaiming_uniform_(a=math.sqrt(5)),
|
||||
bias_initializer: Callable = init.xavier_uniform_(a=1, scale=1)):
|
||||
def __init__(
|
||||
self,
|
||||
in_features: int,
|
||||
num_classes: int,
|
||||
weight: Parameter = None,
|
||||
bias: bool = True,
|
||||
dtype: torch.dtype = None,
|
||||
weight_initializer: Callable = init.kaiming_uniform_(a=math.sqrt(5)),
|
||||
bias_initializer: Callable = init.xavier_uniform_(a=1, scale=1),
|
||||
):
|
||||
super().__init__()
|
||||
self.in_features = in_features
|
||||
self.num_classes = num_classes
|
||||
@@ -934,7 +910,8 @@ class Classifier2p5D(ParallelLayer):
|
||||
self.has_weight = False
|
||||
else:
|
||||
self.weight = Parameter(
|
||||
torch.empty(self.num_classes, self.input_size_per_partition, device=get_current_device(), dtype=dtype))
|
||||
torch.empty(self.num_classes, self.input_size_per_partition, device=get_current_device(), dtype=dtype)
|
||||
)
|
||||
self.has_weight = True
|
||||
if bias:
|
||||
self.bias = Parameter(torch.zeros(self.num_classes, device=get_current_device(), dtype=dtype))
|
||||
@@ -964,8 +941,8 @@ class Classifier2p5D(ParallelLayer):
|
||||
|
||||
def _load_from_global_state_dict(self, state_dict, prefix, *args, **kwargs):
|
||||
local_state = OrderedDict()
|
||||
weight_key = prefix + 'weight'
|
||||
bias_key = prefix + 'bias'
|
||||
weight_key = prefix + "weight"
|
||||
bias_key = prefix + "bias"
|
||||
if gpc.get_local_rank(ParallelMode.TENSOR) == 0:
|
||||
# weight
|
||||
if self.has_weight:
|
||||
@@ -983,34 +960,22 @@ class Classifier2p5D(ParallelLayer):
|
||||
local_state = partition_tensor_parallel_state_dict(
|
||||
local_state,
|
||||
ParallelMode.PARALLEL_2P5D_ROW,
|
||||
dims={
|
||||
weight_key: -1,
|
||||
bias_key: 0
|
||||
},
|
||||
partition_states={
|
||||
weight_key: True,
|
||||
bias_key: False
|
||||
},
|
||||
dims={weight_key: -1, bias_key: 0},
|
||||
partition_states={weight_key: True, bias_key: False},
|
||||
)
|
||||
# partition in column groups
|
||||
local_state = partition_tensor_parallel_state_dict(
|
||||
local_state,
|
||||
ParallelMode.PARALLEL_2P5D_COL,
|
||||
dims={
|
||||
weight_key: -1,
|
||||
bias_key: 0
|
||||
},
|
||||
partition_states={
|
||||
weight_key: True,
|
||||
bias_key: False
|
||||
},
|
||||
dims={weight_key: -1, bias_key: 0},
|
||||
partition_states={weight_key: True, bias_key: False},
|
||||
)
|
||||
|
||||
super()._load_from_global_state_dict(local_state, prefix, *args, **kwargs)
|
||||
|
||||
def _save_to_global_state_dict(self, destination, prefix, keep_vars):
|
||||
weight_key = prefix + 'weight'
|
||||
bias_key = prefix + 'bias'
|
||||
weight_key = prefix + "weight"
|
||||
bias_key = prefix + "bias"
|
||||
local_state = OrderedDict()
|
||||
if self.has_weight:
|
||||
local_state[weight_key] = self.weight
|
||||
@@ -1021,14 +986,8 @@ class Classifier2p5D(ParallelLayer):
|
||||
local_state = gather_tensor_parallel_state_dict(
|
||||
local_state,
|
||||
ParallelMode.PARALLEL_2P5D_COL,
|
||||
dims={
|
||||
weight_key: -1,
|
||||
bias_key: 0
|
||||
},
|
||||
partition_states={
|
||||
weight_key: True,
|
||||
bias_key: False
|
||||
},
|
||||
dims={weight_key: -1, bias_key: 0},
|
||||
partition_states={weight_key: True, bias_key: False},
|
||||
keep_vars=keep_vars,
|
||||
)
|
||||
# gather in row groups
|
||||
@@ -1036,14 +995,8 @@ class Classifier2p5D(ParallelLayer):
|
||||
local_state = gather_tensor_parallel_state_dict(
|
||||
local_state,
|
||||
ParallelMode.PARALLEL_2P5D_ROW,
|
||||
dims={
|
||||
weight_key: -1,
|
||||
bias_key: 0
|
||||
},
|
||||
partition_states={
|
||||
weight_key: True,
|
||||
bias_key: False
|
||||
},
|
||||
dims={weight_key: -1, bias_key: 0},
|
||||
partition_states={weight_key: True, bias_key: False},
|
||||
keep_vars=keep_vars,
|
||||
)
|
||||
if gpc.get_local_rank(ParallelMode.TENSOR) == 0:
|
||||
@@ -1052,10 +1005,21 @@ class Classifier2p5D(ParallelLayer):
|
||||
def forward(self, input_: Tensor) -> Tensor:
|
||||
out_shape = input_.shape[:-1] + (self.num_classes,)
|
||||
|
||||
return classifier_2p5d(input_, self.weight, self.bias, self.tesseract_dim, out_shape, self.row_rank,
|
||||
self.col_rank, ParallelMode.PARALLEL_2P5D_ROW, ParallelMode.PARALLEL_2P5D_COL,
|
||||
self.data_parallel_rank, self.pipeline_parallel_rank, self.pipeline_parallel_size,
|
||||
self.tensor_parallel_size)
|
||||
return classifier_2p5d(
|
||||
input_,
|
||||
self.weight,
|
||||
self.bias,
|
||||
self.tesseract_dim,
|
||||
out_shape,
|
||||
self.row_rank,
|
||||
self.col_rank,
|
||||
ParallelMode.PARALLEL_2P5D_ROW,
|
||||
ParallelMode.PARALLEL_2P5D_COL,
|
||||
self.data_parallel_rank,
|
||||
self.pipeline_parallel_rank,
|
||||
self.pipeline_parallel_size,
|
||||
self.tensor_parallel_size,
|
||||
)
|
||||
|
||||
|
||||
@LAYERS.register_module
|
||||
@@ -1077,14 +1041,16 @@ class VocabParallelClassifier2p5D(ParallelLayer):
|
||||
`init <https://github.com/hpcaitech/ColossalAI/blob/main/colossalai/nn/init.py>`_.
|
||||
"""
|
||||
|
||||
def __init__(self,
|
||||
in_features: int,
|
||||
num_classes: int,
|
||||
weight: Parameter = None,
|
||||
bias: bool = True,
|
||||
dtype: torch.dtype = None,
|
||||
weight_initializer: Callable = init.kaiming_uniform_(a=math.sqrt(5)),
|
||||
bias_initializer: Callable = init.xavier_uniform_(a=1, scale=1)):
|
||||
def __init__(
|
||||
self,
|
||||
in_features: int,
|
||||
num_classes: int,
|
||||
weight: Parameter = None,
|
||||
bias: bool = True,
|
||||
dtype: torch.dtype = None,
|
||||
weight_initializer: Callable = init.kaiming_uniform_(a=math.sqrt(5)),
|
||||
bias_initializer: Callable = init.xavier_uniform_(a=1, scale=1),
|
||||
):
|
||||
super().__init__()
|
||||
|
||||
self.in_features = in_features
|
||||
@@ -1102,13 +1068,14 @@ class VocabParallelClassifier2p5D(ParallelLayer):
|
||||
self.hidden_size_per_partition = divide(num_classes, self.tesseract_dim)
|
||||
|
||||
# create weight, shape: [k/q, h/q]
|
||||
factory_kwargs = {'device': get_current_device(), 'dtype': dtype}
|
||||
factory_kwargs = {"device": get_current_device(), "dtype": dtype}
|
||||
if weight is not None:
|
||||
self.weight = weight
|
||||
self.has_weight = False
|
||||
else:
|
||||
self.weight = Parameter(
|
||||
torch.empty(self.hidden_size_per_partition, self.input_size_per_partition, **factory_kwargs))
|
||||
torch.empty(self.hidden_size_per_partition, self.input_size_per_partition, **factory_kwargs)
|
||||
)
|
||||
self.has_weight = True
|
||||
# create bias, shape: [h/q]
|
||||
if bias:
|
||||
@@ -1137,8 +1104,8 @@ class VocabParallelClassifier2p5D(ParallelLayer):
|
||||
|
||||
def _load_from_global_state_dict(self, state_dict, prefix, *args, **kwargs):
|
||||
local_state = OrderedDict()
|
||||
weight_key = prefix + 'weight'
|
||||
bias_key = prefix + 'bias'
|
||||
weight_key = prefix + "weight"
|
||||
bias_key = prefix + "bias"
|
||||
if gpc.get_local_rank(ParallelMode.TENSOR) == 0:
|
||||
# weight
|
||||
if self.has_weight:
|
||||
@@ -1156,27 +1123,15 @@ class VocabParallelClassifier2p5D(ParallelLayer):
|
||||
local_state = partition_tensor_parallel_state_dict(
|
||||
local_state,
|
||||
ParallelMode.PARALLEL_2P5D_ROW,
|
||||
dims={
|
||||
weight_key: -1,
|
||||
bias_key: 0
|
||||
},
|
||||
partition_states={
|
||||
weight_key: True,
|
||||
bias_key: True
|
||||
},
|
||||
dims={weight_key: -1, bias_key: 0},
|
||||
partition_states={weight_key: True, bias_key: True},
|
||||
)
|
||||
# partition in column groups
|
||||
local_state = partition_tensor_parallel_state_dict(
|
||||
local_state,
|
||||
ParallelMode.PARALLEL_2P5D_COL,
|
||||
dims={
|
||||
weight_key: 0,
|
||||
bias_key: 0
|
||||
},
|
||||
partition_states={
|
||||
weight_key: True,
|
||||
bias_key: True
|
||||
},
|
||||
dims={weight_key: 0, bias_key: 0},
|
||||
partition_states={weight_key: True, bias_key: True},
|
||||
)
|
||||
|
||||
super()._load_from_global_state_dict(local_state, prefix, *args, **kwargs)
|
||||
@@ -1203,8 +1158,19 @@ class VocabParallelClassifier2p5D(ParallelLayer):
|
||||
)
|
||||
|
||||
if self.bias is not None:
|
||||
output = add_bias_2p5d(output, self.bias, self.hidden_size_per_partition, self.tesseract_dim, self.row_rank,
|
||||
self.col_rank, self.dep_rank, ParallelMode.PARALLEL_2P5D_COL, False,
|
||||
self.data_parallel_rank, self.pipeline_parallel_rank, self.pipeline_parallel_size,
|
||||
self.tensor_parallel_size)
|
||||
output = add_bias_2p5d(
|
||||
output,
|
||||
self.bias,
|
||||
self.hidden_size_per_partition,
|
||||
self.tesseract_dim,
|
||||
self.row_rank,
|
||||
self.col_rank,
|
||||
self.dep_rank,
|
||||
ParallelMode.PARALLEL_2P5D_COL,
|
||||
False,
|
||||
self.data_parallel_rank,
|
||||
self.pipeline_parallel_rank,
|
||||
self.pipeline_parallel_size,
|
||||
self.tensor_parallel_size,
|
||||
)
|
||||
return output
|
||||
|
Reference in New Issue
Block a user