评价此页

命名张量#

创建于:2019年10月08日 | 最后更新于:2025年06月14日

命名张量允许用户为张量维度指定显式名称。在大多数情况下,接受维度参数的操作将接受维度名称,从而无需通过位置跟踪维度。此外,命名张量使用名称自动检查API在运行时是否正确使用,提供额外的安全性。名称还可以用于重新排列维度,例如,支持“按名称广播”而不是“按位置广播”。

警告

The named tensor API is a prototype feature and subject to change.

创建命名张量#

工厂函数现在接受一个新的names参数,该参数将名称与每个维度关联起来。

    >>> torch.zeros(2, 3, names=('N', 'C'))
    tensor([[0., 0., 0.],
            [0., 0., 0.]], names=('N', 'C'))

命名维度与常规张量维度一样是有序的。tensor.names[i]tensor的维度i的名称。

以下工厂函数支持命名张量

命名维度#

有关张量名称的限制,请参阅names

使用names访问张量的维度名称,并使用rename()重命名命名维度。

    >>> imgs = torch.randn(1, 2, 2, 3 , names=('N', 'C', 'H', 'W'))
    >>> imgs.names
    ('N', 'C', 'H', 'W')

    >>> renamed_imgs = imgs.rename(H='height', W='width')
    >>> renamed_imgs.names
    ('N', 'C', 'height', 'width)

命名张量可以与未命名张量共存;命名张量是torch.Tensor的实例。未命名张量具有None名称的维度。命名张量不需要所有维度都命名。

    >>> imgs = torch.randn(1, 2, 2, 3 , names=(None, 'C', 'H', 'W'))
    >>> imgs.names
    (None, 'C', 'H', 'W')

名称传播语义#

命名张量使用名称在运行时自动检查API是否正确调用。这发生在称为名称推断的过程中。更正式地说,名称推断包括以下两个步骤

  • 检查名称:运算符可以在运行时执行自动检查,检查某些维度名称是否必须匹配。

  • 传播名称:名称推断将名称传播到输出张量。

所有支持命名张量的操作都会传播名称。

    >>> x = torch.randn(3, 3, names=('N', 'C'))
    >>> x.abs().names
    ('N', 'C')

匹配语义#

如果两个名称相等(字符串相等)或至少其中一个为None,则它们匹配。None本质上是一个特殊的“通配符”名称。

unify(A, B)确定将名称AB中的哪一个传播到输出。如果它们匹配,它会返回两个名称中更具体的一个。如果名称不匹配,则会报错。

注意

实际上,在使用命名张量时,应避免使用未命名维度,因为它们的处理可能会很复杂。建议使用refine_names()将所有未命名维度提升为命名维度。

基本名称推断规则#

让我们看看在添加两个没有广播的一维张量的情况下,matchunify是如何用于名称推断的。

    x = torch.randn(3, names=('X',))
    y = torch.randn(3)
    z = torch.randn(3, names=('Z',))

检查名称:检查两个张量的名称是否匹配

对于以下示例

    >>> # x + y  # match('X', None) is True
    >>> # x + z  # match('X', 'Z') is False
    >>> # x + x  # match('X', 'X') is True

    >>> x + z
    Error when attempting to broadcast dims ['X'] and dims ['Z']: dim 'X' and dim 'Z' are at the same position from the right but do not match.

传播名称统一名称以选择要传播的名称。在x + y的情况下,unify('X', None) = 'X',因为'X'None更具体。

    >>> (x + y).names
    ('X',)
    >>> (x + x).names
    ('X',)

有关名称推断规则的完整列表,请参阅命名张量运算符覆盖范围。以下是两个可能有用的常见操作

按名称显式对齐#

使用 align_as()align_to() 按名称将张量维度对齐到指定的顺序。这对于执行“按名称广播”很有用。

    # This function is agnostic to the dimension ordering of `input`,
    # as long as it has a `C` dimension somewhere.
    def scale_channels(input, scale):
        scale = scale.refine_names('C')
        return input * scale.align_as(input)

    >>> num_channels = 3
    >>> scale = torch.randn(num_channels, names=('C',))
    >>> imgs = torch.rand(3, 3, 3, num_channels, names=('N', 'H', 'W', 'C'))
    >>> more_imgs = torch.rand(3, num_channels, 3, 3, names=('N', 'C', 'H', 'W'))
    >>> videos = torch.randn(3, num_channels, 3, 3, 3, names=('N', 'C', 'H', 'W', 'D')

    >>> scale_channels(imgs, scale)
    >>> scale_channels(more_imgs, scale)
    >>> scale_channels(videos, scale)

操作维度#

使用 align_to() 重新排列大量维度,而无需像 permute() 那样提及所有维度。

    >>> tensor = torch.randn(2, 2, 2, 2, 2, 2)
    >>> named_tensor = tensor.refine_names('A', 'B', 'C', 'D', 'E', 'F')

    # Move the F (dim 5) and E dimension (dim 4) to the front while keeping
    # the rest in the same order
    >>> tensor.permute(5, 4, 0, 1, 2, 3)
    >>> named_tensor.align_to('F', 'E', ...)

分别使用 flatten()unflatten() 展平(flatten)和解展平(unflatten)维度。这些方法比 view()reshape() 更冗长,但对于阅读代码的人来说具有更多的语义意义。

    >>> imgs = torch.randn(32, 3, 128, 128)
    >>> named_imgs = imgs.refine_names('N', 'C', 'H', 'W')

    >>> flat_imgs = imgs.view(32, -1)
    >>> named_flat_imgs = named_imgs.flatten(['C', 'H', 'W'], 'features')
    >>> named_flat_imgs.names
    ('N', 'features')

    >>> unflattened_named_imgs = named_flat_imgs.unflatten('features', [('C', 3), ('H', 128), ('W', 128)])
    >>> unflattened_named_imgs.names
    ('N', 'C', 'H', 'W')

自动求导(Autograd)支持#

Autograd 目前以有限的方式支持命名张量:autograd 忽略所有张量上的名称。梯度计算仍然正确,但我们失去了名称提供的安全性。

    >>> x = torch.randn(3, names=('D',))
    >>> weight = torch.randn(3, names=('D',), requires_grad=True)
    >>> loss = (x - weight).abs()
    >>> grad_loss = torch.randn(3)
    >>> loss.backward(grad_loss)
    >>> weight.grad  # Unnamed for now. Will be named in the future
    tensor([-1.8107, -0.6357,  0.0783])

    >>> weight.grad.zero_()
    >>> grad_loss = grad_loss.refine_names('C')
    >>> loss = (x - weight).abs()
    # Ideally we'd check that the names of loss and grad_loss match but we don't yet.
    >>> loss.backward(grad_loss)
    >>> weight.grad
    tensor([-1.8107, -0.6357,  0.0783])

当前支持的操作和子系统#

操作符#

有关支持的 torch 和张量操作的完整列表,请参阅 命名张量运算符覆盖范围。我们尚未支持链接中未涵盖的以下内容:

  • 索引、高级索引。

对于 torch.nn.functional 运算符,我们支持以下内容:

子系统#

支持 Autograd,请参阅 Autograd 支持。由于梯度目前没有命名,优化器可能有效但未经测试。

目前不支持 NN 模块。这可能在调用带命名张量输入的模块时导致以下情况:

  • NN 模块参数未命名,因此输出可能部分命名。

  • NN 模块正向传播的代码不支持命名张量,并将相应地出错。

我们也不支持以下子系统,尽管有些可能开箱即用:

  • 分布(distributions)

  • 序列化(serialization)(torch.load(), torch.save()

  • 多进程(multiprocessing)

  • JIT

  • 分布式

  • ONNX

如果其中任何一个对您的用例有帮助,请搜索是否已提交问题,如果没有,请提交一个

命名张量 API 参考#

本节将介绍命名张量特定 API 的文档。有关名称如何在其他 PyTorch 运算符中传播的全面参考,请参阅 命名张量运算符覆盖范围

class torch.Tensor
names#

存储此张量每个维度的名称。

names[idx] 对应于张量维度 idx 的名称。如果维度已命名,则名称为字符串;如果维度未命名,则为 None

维度名称可以包含字符或下划线。此外,维度名称必须是有效的 Python 变量名(即,不能以下划线开头)。

张量不能有两个具有相同名称的命名维度。

警告

命名张量 API 仍处于实验阶段,可能会有所更改。

rename(*names, **rename_map)[source]#

重命名 self 的维度名称。

主要有两种用法:

self.rename(**rename_map) 返回一个张量视图,其维度按映射 rename_map 中指定的方式重命名。

self.rename(*names) 返回一个张量视图,使用 names 按位置重命名所有维度。使用 self.rename(None) 可删除张量上的名称。

不能同时指定位置参数 names 和关键字参数 rename_map

示例

>>> imgs = torch.rand(2, 3, 5, 7, names=('N', 'C', 'H', 'W'))
>>> renamed_imgs = imgs.rename(N='batch', C='channels')
>>> renamed_imgs.names
('batch', 'channels', 'H', 'W')

>>> renamed_imgs = imgs.rename(None)
>>> renamed_imgs.names
(None, None, None, None)

>>> renamed_imgs = imgs.rename('batch', 'channel', 'height', 'width')
>>> renamed_imgs.names
('batch', 'channel', 'height', 'width')

警告

命名张量 API 仍处于实验阶段,可能会有所更改。

rename_(*names, **rename_map)[source]#

rename() 的就地版本。

refine_names(*names)[source]#

根据 names 细化 self 的维度名称。

细化是重命名的一种特殊情况,它“提升”未命名维度。一个 None 维度可以被细化为具有任何名称;一个已命名维度只能被细化为具有相同的名称。

由于命名张量可以与未命名张量共存,因此细化名称提供了一种很好的方式来编写既适用于命名张量又适用于未命名张量的命名张量感知代码。

names 最多可以包含一个省略号(...)。省略号是贪婪展开的;它就地展开以使用 self.names 相应索引中的名称将 names 填充到与 self.dim() 相同的长度。

Python 2 不支持省略号,但可以使用字符串字面量代替('...')。

参数

names (可迭代对象, 类型为 str) – 输出张量的所需名称。最多可以包含一个省略号。

示例

>>> imgs = torch.randn(32, 3, 128, 128)
>>> named_imgs = imgs.refine_names('N', 'C', 'H', 'W')
>>> named_imgs.names
('N', 'C', 'H', 'W')

>>> tensor = torch.randn(2, 3, 5, 7, 11)
>>> tensor = tensor.refine_names('A', ..., 'B', 'C')
>>> tensor.names
('A', None, None, 'B', 'C')

警告

命名张量 API 仍处于实验阶段,可能会有所更改。

align_as(other) Tensor#

排列 self 张量的维度,以匹配 other 张量中的维度顺序,并为任何新名称添加大小为一的维度。

此操作对于按名称进行显式广播很有用(参见示例)。

为了使用此方法,self 的所有维度都必须命名。结果张量是原始张量的一个视图。

self 的所有维度名称都必须存在于 other.names 中。other 可能包含不在 self.names 中的命名维度;输出张量对于每个这些新名称都有一个大小为一的维度。

要将张量对齐到特定顺序,请使用 align_to()

示例

# Example 1: Applying a mask
>>> mask = torch.randint(2, [127, 128], dtype=torch.bool).refine_names('W', 'H')
>>> imgs = torch.randn(32, 128, 127, 3, names=('N', 'H', 'W', 'C'))
>>> imgs.masked_fill_(mask.align_as(imgs), 0)


# Example 2: Applying a per-channel-scale
>>> def scale_channels(input, scale):
>>>    scale = scale.refine_names('C')
>>>    return input * scale.align_as(input)

>>> num_channels = 3
>>> scale = torch.randn(num_channels, names=('C',))
>>> imgs = torch.rand(32, 128, 128, num_channels, names=('N', 'H', 'W', 'C'))
>>> more_imgs = torch.rand(32, num_channels, 128, 128, names=('N', 'C', 'H', 'W'))
>>> videos = torch.randn(3, num_channels, 128, 128, 128, names=('N', 'C', 'H', 'W', 'D'))

# scale_channels is agnostic to the dimension order of the input
>>> scale_channels(imgs, scale)
>>> scale_channels(more_imgs, scale)
>>> scale_channels(videos, scale)

警告

命名张量 API 仍处于实验阶段,可能会有所更改。

align_to(*names)[source]#

排列 self 张量的维度,以匹配 names 中指定的顺序,并为任何新名称添加大小为一的维度。

为了使用此方法,self 的所有维度都必须命名。结果张量是原始张量的一个视图。

self 的所有维度名称都必须存在于 names 中。names 可能包含不在 self.names 中的其他名称;输出张量对于每个这些新名称都有一个大小为一的维度。

names 最多可以包含一个省略号(...)。省略号将展开为 self 的所有未在 names 中提及的维度名称,按它们在 self 中出现的顺序。

Python 2 不支持省略号,但可以使用字符串字面量代替('...')。

参数

names (可迭代对象, 类型为 str) – 输出张量所需的维度顺序。最多可以包含一个省略号,它将展开为 self 的所有未提及的维度名称。

示例

>>> tensor = torch.randn(2, 2, 2, 2, 2, 2)
>>> named_tensor = tensor.refine_names('A', 'B', 'C', 'D', 'E', 'F')

# Move the F and E dims to the front while keeping the rest in order
>>> named_tensor.align_to('F', 'E', ...)

警告

命名张量 API 仍处于实验阶段,可能会有所更改。

flatten(dims, out_dim) Tensor

dims 展平为具有名称 out_dim 的单个维度。

dims 的所有维度必须在 self 张量中连续排列,但不必在内存中是连续的。

示例

>>> imgs = torch.randn(32, 3, 128, 128, names=('N', 'C', 'H', 'W'))
>>> flat_imgs = imgs.flatten(['C', 'H', 'W'], 'features')
>>> flat_imgs.names, flat_imgs.shape
(('N', 'features'), torch.Size([32, 49152]))

警告

命名张量 API 仍处于实验阶段,可能会有所更改。