评价此页

张量并行 - torch.distributed.tensor.parallel#

创建于: 2025年6月13日 | 最后更新于: 2025年6月13日

张量并行 (TP) 建立在 PyTorch DistributedTensor (DTensor)[https://github.com/pytorch/pytorch/blob/main/torch/distributed/tensor/README.md] 之上,并提供不同的并行样式:列式、行式和序列并行。

警告

张量并行 API 仍在实验阶段,可能会有所更改。

使用张量并行对 nn.Module 进行并行的入口点是

torch.distributed.tensor.parallel.parallelize_module(module, device_mesh=None, parallelize_plan=None, *, src_data_rank=0)[源代码]#

通过根据用户指定的计划并行化模块或子模块,在 PyTorch 中应用张量并行。

我们根据 parallelize_plan 并行化模块或子模块。parallelize_plan 包含 ParallelStyle,指示用户希望如何并行化模块或子模块。

用户还可以为每个模块完全限定名 (FQN) 指定不同的并行样式。

请注意,parallelize_module 只接受 1-D DeviceMesh,如果您有 2-D 或 N-D DeviceMesh,请先将 DeviceMesh 切片为 1-D 子 DeviceMesh,然后将其传递给此 API(即 device_mesh["tp"]

参数
  • module (nn.Module) – 要并行化的模块。

  • device_mesh (DeviceMesh, 可选) – 描述 DTensor 设备网格拓扑的对象。如果未指定,则调用必须在 DeviceMesh 上下文下进行。

  • parallelize_plan (Union[ParallelStyle, Dict[str, ParallelStyle]], 可选) – 用于并行化模块的计划。它可以是包含如何为张量并行准备输入/输出的 ParallelStyle 对象,也可以是模块 FQN 及其相应 ParallelStyle 对象的字典。如果未指定,则当前调用将不执行任何操作。

关键字参数

src_data_rank (int, 可选) – 逻辑/全局张量的源数据秩,它由 distribute_tensor() 用于将分片/副本分散/广播到其他秩。默认情况下,我们使用每个 DeviceMesh 维度上的 group_rank=0 作为源数据以保留单设备语义。如果显式传递 Noneparallelize_module() 只使用其本地数据,而不是尝试通过分散/广播来保留单设备语义。默认值:0

返回

一个并行化的 nn.Module 对象。

返回类型

模块

示例:
>>> from torch.distributed.tensor.parallel import parallelize_module, ColwiseParallel
>>> from torch.distributed.device_mesh import init_device_mesh
>>>
>>> # Define the module.
>>> m = Model(...)
>>> tp_mesh = init_device_mesh("cuda", (8,))
>>> m = parallelize_module(m, tp_mesh, {"w1": ColwiseParallel(), "w2": RowwiseParallel()})
>>>

注意

对于注意力、MLP 层等复杂的模块架构,我们建议将不同的 ParallelStyle 组合在一起(即 ColwiseParallelRowwiseParallel),并将其作为 parallelize_plan 传递,以实现所需的分片计算。

张量并行支持以下并行样式

class torch.distributed.tensor.parallel.ColwiseParallel(*, input_layouts=None, output_layouts=None, use_local_output=True)[源代码]#

以列式方式对兼容的 nn.Module 进行分区。目前支持 nn.Linear 和 nn.Embedding。用户可以将其与 RowwiseParallel 组合以实现更复杂模块(即 MLP、注意力)的分片。

关键字参数
  • input_layouts (Placement, 可选) – nn.Module 输入张量的 DTensor 布局,用于将输入张量注解为 DTensor。如果未指定,我们假定输入张量是复制的。

  • output_layouts (Placement, 可选) – nn.Module 输出的 DTensor 布局,用于确保 nn.Module 的输出具有用户所需的布局。如果未指定,输出张量将在最后一个维度上进行分片。

  • use_local_output (bool, 可选) – 是否使用本地 torch.Tensor 而不是 DTensor 作为模块输出,默认值:True。

返回

一个 ParallelStyle 对象,表示 nn.Module 的列式分片。

示例:
>>> from torch.distributed.tensor.parallel import parallelize_module, ColwiseParallel
>>> from torch.distributed.device_mesh import init_device_mesh
>>> ...
>>> m = Model(...)  # m is a nn.Module that contains a "w1" nn.Linear submodule
>>> tp_mesh = init_device_mesh("cuda", (8,))
>>>
>>> # By default, the input of the "w1" Linear will be converted to Replicated DTensor
>>> # and the output of "w1" will return :class:`torch.Tensor` that shards on the last dim.
>>>
>>> sharded_mod = parallelize_module(m, tp_mesh, {"w1": ColwiseParallel()})
>>> ...

注意

默认情况下,如果未指定 output_layoutsColwiseParallel 的输出会在最后一个维度上分片。如果存在需要特定张量形状的操作符(即在配对的 RowwiseParallel 之前),请记住,如果输出是分片的,则操作符可能需要调整以适应分片大小。

class torch.distributed.tensor.parallel.RowwiseParallel(*, input_layouts=None, output_layouts=None, use_local_output=True)[源代码]#

以行式方式对兼容的 nn.Module 进行分区。目前支持 nn.Linear 和 nn.Embedding。用户可以将其与 ColwiseParallel 组合以实现更复杂模块(即 MLP、注意力)的分片。

关键字参数
  • input_layouts (Placement, 可选) – nn.Module 输入张量的 DTensor 布局,用于将输入张量注解为 DTensor。如果未指定,我们假定输入张量在最后一个维度上进行分片。

  • output_layouts (Placement, 可选) – nn.Module 输出的 DTensor 布局,用于确保 nn.Module 的输出具有用户所需的布局。如果未指定,输出张量将被复制。

  • use_local_output (bool, 可选) – 是否使用本地 torch.Tensor 而不是 DTensor 作为模块输出,默认值:True。

返回

一个 ParallelStyle 对象,表示 nn.Module 的行式分片。

示例:
>>> from torch.distributed.tensor.parallel import parallelize_module, RowwiseParallel
>>> from torch.distributed.device_mesh import init_device_mesh
>>> ...
>>> m = Model(...)  # m is a nn.Module that contains a "w2" nn.Linear submodule
>>> tp_mesh = init_device_mesh("cuda", (8,))
>>>
>>> # By default, the input of the "w2" Linear will be converted to DTensor that shards on the last dim
>>> # and the output of "w2" will return a replicated :class:`torch.Tensor`.
>>>
>>> sharded_mod = parallelize_module(m, tp_mesh, {"w2": RowwiseParallel()}),
>>> ...
class torch.distributed.tensor.parallel.SequenceParallel(*, sequence_dim=1, use_local_output=False)[源代码]#

SequenceParallel 复制兼容的 nn.Module 参数,并运行在序列维度上分片的输入进行分片计算。目前支持 nn.LayerNormnn.DropoutRMSNorm 的 Python 实现

此样式实现了论文 Reducing Activation Recomputation in Large Transformer Models 中描述的操作。

如果传递给此 nn.Module 的输入是 torch.Tensor,则假定输入已经在序列维度上分片,并将输入转换为在序列维度上分片的 DTensor。如果传递给此 nn.Module 的输入已经是 DTensor 但未在序列维度上分片,则会重新分配输入以在序列维度上进行分片。

nn.Module 的输出将在序列维度上进行分片。

关键字参数
  • sequence_dim (int, 可选) – nn.Module 输入张量的序列维度,用于将输入张量注解为在序列维度上分片的 DTensor,默认值:1。

  • use_local_output (bool, optional) – 是否对模块输出使用本地 torch.Tensor 而非 DTensor,默认值:False。

返回

一个 ParallelStyle 对象,表示 nn.Module 的序列并行。

示例:
>>> from torch.distributed.tensor.parallel import parallelize_module, SequenceParallel
>>> from torch.distributed.device_mesh import init_device_mesh
>>> ...
>>> m = Model(...)  # m is a nn.Module that contains a "norm" nn.LayerNorm submodule
>>> tp_mesh = init_device_mesh("cuda", (8,))
>>>
>>> # By default, the input of the "norm" will be converted to DTensor that shards on the sequence dim
>>> # and the output of "norm" will return a sharded on sequence dimension :class:`DTensor`.
>>>
>>> sharded_mod = parallelize_module(m, tp_mesh, {"norm": SequenceParallel()}),
>>> ...

注意

如果 nn.Module 中存在权重(即 nn.LayerNormRMSNorm,它们默认使用全1初始化),SequenceParallel 样式假定为全1初始化。如果您对这些模块的权重有自定义初始化,则需要在并行化之前/之后广播权重以确保它们被复制。

要简单地使用 DTensor 布局配置 nn.Module 的输入和输出,并执行必要的布局重新分布,而无需将模块参数分布到 DTensor,可以在调用 parallelize_module 时在 parallelize_plan 中使用以下 ParallelStyle

class torch.distributed.tensor.parallel.PrepareModuleInput(*, input_layouts=None, desired_input_layouts=None, input_kwarg_layouts=None, desired_input_kwarg_layouts=None, use_local_output=False)[source]#

配置 nn.Module 的输入,以便在运行时根据 input_layouts 将 nn.Module 的输入张量转换为 DTensor,并根据 desired_input_layouts 执行布局重新分布。

关键字参数
  • input_layouts (Union[Placement, Tuple[Optional[Placement]]]) – nn.Module 输入张量的 DTensor 布局,用于将输入张量转换为 DTensor。如果某些输入不是 torch.Tensor 或无需转换为 DTensor,则需要指定 None 作为占位符。默认值:None。

  • desired_input_layouts (Union[Placement, Tuple[Optional[Placement]]]) – nn.Module 输入张量的期望 DTensor 布局,用于确保 nn.Module 的输入具有期望的 DTensor 布局。此参数的长度需要与 input_layouts 相同。默认值:None。

  • input_kwarg_layouts (Dict[str, Placement]) – nn.Module 输入关键字参数的 DTensor 布局,用于将输入关键字参数张量转换为 DTensor。默认值:None

  • desired_input_kwarg_layouts – (Dict[str, Placement]): nn.Module 输入关键字参数的期望 DTensor 布局,用于确保 nn.Module 的输入具有期望的 DTensor 布局。默认值:None。

  • use_local_output (bool, optional) – 是否对模块输入使用本地 torch.Tensor 而非 DTensor,默认值:False。

返回

一个 ParallelStyle 对象,用于准备 nn.Module 输入的分片布局。

示例:
>>> from torch.distributed.tensor.parallel import parallelize_module, PrepareModuleInput
>>> from torch.distributed.device_mesh import init_device_mesh
>>> ...
>>> block = TransformerBlock(...)  # block is a nn.Module that contains an "attn" Attention submodule
>>> tp_mesh = init_device_mesh("cuda", (8,))
>>>
>>> # According to the style specified below, the first input of attn will be annotated to Sharded DTensor
>>> # and then redistributed to Replicated DTensor.
>>> parallelize_module(
>>>     block, # this can be a submodule or module
>>>     tp_mesh,
>>>     parallelize_plan={
>>>         "attn": PrepareModuleInput(
>>>             input_layouts=(Shard(0), None, None, ...),
>>>             desired_input_layouts=(Replicate(), None, None, ...)
>>>         ),
>>>     }
>>> )
class torch.distributed.tensor.parallel.PrepareModuleOutput(*, output_layouts, desired_output_layouts, use_local_output=True)[source]#

配置 nn.Module 的输出,以便在运行时根据 output_layouts 将 nn.Module 的输出张量转换为 DTensor,并根据 desired_output_layouts 执行布局重新分布。

关键字参数
  • output_layouts (Union[Placement, Tuple[Placement]]) – nn.Module 输出张量的 DTensor 布局,用于将输出张量(如果是 torch.Tensor)转换为 DTensor。如果某些输出不是 torch.Tensor 或无需转换为 DTensor,则需要指定 None 作为占位符。

  • desired_output_layouts (Union[Placement, Tuple[Placement]]) – nn.Module 输出张量的期望 DTensor 布局,用于确保 nn.Module 的输出具有期望的 DTensor 布局。

  • use_local_output (bool, optional) – 是否对模块输出使用本地 torch.Tensor 而非 DTensor,默认值:True。

返回

一个 ParallelStyle 对象,用于准备 nn.Module 输出的分片布局。

示例:
>>> from torch.distributed.tensor.parallel import parallelize_module, PrepareModuleOutput
>>> from torch.distributed.device_mesh import init_device_mesh
>>> ...
>>> block = TransformerBlock(...)  # block is a nn.Module that contains an "attn" Attention submodule
>>> tp_mesh = init_device_mesh("cuda", (8,))
>>>
>>> # According to the style specified below, the output of the TransformerBlock will be converted to Replicated DTensor
>>> # and then redistributed to Sharded DTensor.
>>> parallelize_module(
>>>     block, # this can be a submodule or module
>>>     tp_mesh,
>>>     parallelize_plan = PrepareModuleOutput(
>>>         output_layouts=Replicate(),
>>>         desired_output_layouts=Shard(0)
>>>     )
>>> )
class torch.distributed.tensor.parallel.PrepareModuleInputOutput(*, input_layouts=None, desired_input_layouts=None, input_kwarg_layouts=None, desired_input_kwarg_layouts=None, use_local_input=False, output_layouts, desired_output_layouts, use_local_output=True)[source]#

配置 nn.Module 的输入(和输出),以便在运行时根据 input_layouts(和 output_layouts)将 nn.Module 的输入张量(和输出张量)转换为 DTensor,并根据 desired_input_layouts(和 desired_output_layouts)执行布局重新分布。这是 PrepareModuleInputPrepareModuleOutput 的组合。

关键字参数
  • input_layouts (Union[Placement, Tuple[Optional[Placement]]]) – nn.Module 输入张量的 DTensor 布局,用于将输入张量转换为 DTensor。如果某些输入不是 torch.Tensor 或无需转换为 DTensor,则需要指定 None 作为占位符。默认值:None。

  • desired_input_layouts (Union[Placement, Tuple[Optional[Placement]]]) – nn.Module 输入张量的期望 DTensor 布局,用于确保 nn.Module 的输入具有期望的 DTensor 布局。此参数的长度需要与 input_layouts 相同。默认值:None。

  • input_kwarg_layouts (Dict[str, Placement]) – nn.Module 输入关键字参数的 DTensor 布局,用于将输入关键字参数张量转换为 DTensor。默认值:None

  • desired_input_kwarg_layouts – (Dict[str, Placement]): nn.Module 输入关键字参数的期望 DTensor 布局,用于确保 nn.Module 的输入具有期望的 DTensor 布局。默认值:None。

  • use_local_input (bool, optional) – 是否对模块输入使用本地 torch.Tensor 而非 DTensor,默认值:False。

  • output_layouts (Union[Placement, Tuple[Placement]]) – nn.Module 输出张量的 DTensor 布局,用于将输出张量(如果是 torch.Tensor)转换为 DTensor。如果某些输出不是 torch.Tensor 或无需转换为 DTensor,则需要指定 None 作为占位符。

  • desired_output_layouts (Union[Placement, Tuple[Placement]]) – nn.Module 输出张量的期望 DTensor 布局,用于确保 nn.Module 的输出具有期望的 DTensor 布局。

  • use_local_output (bool, optional) – 是否对模块输出使用本地 torch.Tensor 而非 DTensor,默认值:True。

返回

一个 ParallelStyle 对象,用于准备 nn.Module 输入和输出的分片布局。

示例:
>>> from torch.distributed.tensor.parallel import parallelize_module, PrepareModuleInputOutput
>>> from torch.distributed.device_mesh import init_device_mesh
>>> ...
>>> block = TransformerBlock(...)  # block is a nn.Module that contains an "attn" Attention submodule
>>> tp_mesh = init_device_mesh("cuda", (8,))
>>>
>>> # According to the style specified below, the first input of attn will be annotated as Sharded DTensor
>>> # and then redistributed to Replicated DTensor, and the output of the TransformerBlock will be annotated
>>> # as Replicated DTensor and then redistributed to Sharded DTensor.
>>> parallelize_module(
>>>     block, # this can be a submodule or module
>>>     tp_mesh,
>>>     parallelize_plan={
>>>         "attn": PrepareModuleInputOutput(
>>>             input_layouts=(Shard(0), None, None, ...),
>>>             desired_input_layouts=(Replicate(), None, None, ...),
>>>             output_layouts=Replicate(),
>>>             desired_output_layouts=Shard(0),
>>>         ),
>>>     }
>>> )

注意

当使用 Shard(dim) 作为上述 ParallelStyle 的输入/输出布局时,我们假设输入/输出激活张量在 TP 操作的 DeviceMesh 上沿着张量维度 dim 均匀分片。例如,由于 RowwiseParallel 接受在最后一个维度上分片的输入,它假定输入张量已经均匀分片在最后一个维度上。对于不均匀分片的激活张量的情况,可以直接将 DTensor 传递给分区模块,并使用 use_local_output=False 以在每个 ParallelStyle 之后返回 DTensor,其中 DTensor 可以跟踪不均匀分片信息。

对于 Transformer 等模型,我们建议用户在 parallelize_plan 中结合使用 ColwiseParallelRowwiseParallel,以实现整个模型(即 Attention 和 MLP)所需的 sharding。

通过以下上下文管理器支持并行交叉熵损失计算(损失并行):

torch.distributed.tensor.parallel.loss_parallel()[source]#

一个上下文管理器,启用损失并行,当输入在类别维度上分片时,可以执行高效的并行损失计算。目前仅支持交叉熵损失。

在此上下文管理器中,可以像往常一样使用 cross_entropy()CrossEntropyLoss,并对输入参数做出以下假设。任何相应的 backward() 调用也需要在此上下文管理器下发生。

参数
  • input (DTensor) – 输入 logits。假定在类别维度上分片。

  • target (Union[torch.Tensor, DTensor]) – 必须是真实类别索引(目前不支持类别概率)。假定在 DeviceMesh 中复制。

  • weight (Union[torch.Tensor, DTensor], optional) – 如果给出,假定在 DeviceMesh 中复制。

  • label_smoothing – 目前不支持。

返回

一个复制的 DTensor

示例

这里手动创建一个分片 DTensor 来展示用法。在实践中,它通常是 TP 模块的输出。

>>> from torch.distributed.tensor.parallel import loss_parallel
>>> from torch.distributed.device_mesh import init_device_mesh
>>> ...
>>> device_mesh = init_device_mesh("cuda", (8,))
>>> input = torch.randn(4, 16, device="cuda", requires_grad=True)
>>> dist_input = distribute_tensor(input, device_mesh, placements=[Shard(1)])
>>> target = torch.randint(16, (4,), device="cuda")
>>> with loss_parallel():
>>>     loss = F.cross_entropy(dist_input, target, reduction="mean")
>>>     loss.backward()
>>> ...

警告

The loss_parallel API is experimental and subject to change.