PyTorch torch.nn

2020-09-14 16:48 更新

原文:PyTorth torch.nn

参数

class torch.nn.Parameter¶

一种被视为模块参数的 Tensor。

参数是 Tensor 子类,当与 Module 一起使用时,具有非常特殊的属性-将它们分配为模块属性时,它们会自动添加到其列表中 参数,并会出现,例如 在 parameters() 迭代器中。 分配张量不会产生这种效果。 这是因为可能要在模型中缓存一些临时状态,例如 RNN 的最后一个隐藏状态。 如果不存在 Parameter 这样的类,这些临时人员也将被注册。

参数

  • 数据 (tensor)–参数张量。
  • require_grad (布尔 可选)–如果参数需要渐变。 有关更多详细信息,请参见从后向中排除子图。 默认值: <cite>True</cite>

货柜

模组

class torch.nn.Module¶

所有神经网络模块的基类。

您的模型也应该继承此类。

模块也可以包含其他模块,从而可以将它们嵌套在树形结构中。 您可以将子模块分配为常规属性:

import torch.nn as nn
import torch.nn.functional as F


class Model(nn.Module):
    def __init__(self):
        super(Model, self).__init__()
        self.conv1 = nn.Conv2d(1, 20, 5)
        self.conv2 = nn.Conv2d(20, 20, 5)


    def forward(self, x):
        x = F.relu(self.conv1(x))
        return F.relu(self.conv2(x))

以这种方式分配的子模块将被注册,并且当您调用 to() 等时,也会转换其参数。

add_module(name, module)¶

将子模块添加到当前模块。

可以使用给定名称将模块作为属性访问。

Parameters

  • 名称(字符串)–子模块的名称。 可以使用给定名称从该模块访问子模块
  • 模块 (模块)–要添加到该模块的子模块。

apply(fn)¶

fn递归应用于每个子模块(由.children()返回)以及自身。 典型的用法包括初始化模型的参数(另请参见 torch.nn.init)。

Parameters

fn (Module ->无)–应用于每个子模块的功能

退货

返回类型

模块

例:

>>> def init_weights(m):
>>>     print(m)
>>>     if type(m) == nn.Linear:
>>>         m.weight.data.fill_(1.0)
>>>         print(m.weight)
>>> net = nn.Sequential(nn.Linear(2, 2), nn.Linear(2, 2))
>>> net.apply(init_weights)
Linear(in_features=2, out_features=2, bias=True)
Parameter containing:
tensor([[ 1.,  1.],
        [ 1.,  1.]])
Linear(in_features=2, out_features=2, bias=True)
Parameter containing:
tensor([[ 1.,  1.],
        [ 1.,  1.]])
Sequential(
  (0): Linear(in_features=2, out_features=2, bias=True)
  (1): Linear(in_features=2, out_features=2, bias=True)
)
Sequential(
  (0): Linear(in_features=2, out_features=2, bias=True)
  (1): Linear(in_features=2, out_features=2, bias=True)
)

buffers(recurse=True)¶

返回模块缓冲区上的迭代器。

Parameters

递归 (bool )–如果为 True,则产生此模块和所有子模块的缓冲区。 否则,仅产生作为该模块直接成员的缓冲区。

Yields

torch张紧器 –模块缓冲区

Example:

>>> for buf in model.buffers():
>>>     print(type(buf.data), buf.size())
<class 'torch.FloatTensor'> (20L,)
<class 'torch.FloatTensor'> (20L, 1L, 5L, 5L)

children()¶

返回直接子代模块上的迭代器。

Yields

模块 –子模块

cpu()¶

将所有模型参数和缓冲区移至 CPU。

Returns

self

Return type

Module

cuda(device=None)¶

将所有模型参数和缓冲区移至 GPU。

这也使相关的参数并缓冲不同的对象。 因此,在构建优化程序之前,如果模块在优化过程中可以在 GPU 上运行,则应调用它。

Parameters

设备 (python:int 可选)–如果指定,则所有参数都将复制到该设备

Returns

self

Return type

Module

double()¶

将所有浮点参数和缓冲区强制转换为double数据类型。

Returns

self

Return type

Module

dump_patches = False¶

这为 load_state_dict() 提供了更好的 BC 支持。 在 state_dict() 中,版本号将保存为返回状态 dict 的属性 <cite>_metadata</cite> 中,因此会被腌制。 <cite>_metadata</cite> 是字典,其键遵循状态 dict 的命名约定。 有关如何在加载中使用此信息的信息,请参见_load_from_state_dict

如果从模块添加/删除了新的参数/缓冲区,则该数字将增加,并且模块的 <cite>_load_from_state_dict</cite> 方法可以比较版本号,并且如果状态 dict 来自更改之前,则可以进行适当的更改。

eval()¶

将模块设置为评估模式。

这仅对某些模块有影响。 请参阅特定模块的文档,以了解其在训练/评估模式下的行为的详细信息(如果受到影响),例如 DropoutBatchNorm

这等效于 self.train(False)

Returns

self

Return type

Module

extra_repr()¶

设置模块的额外表示形式

要打印自定义的额外信息,您应该在自己的模块中重新实现此方法。 单行和多行字符串都是可以接受的。

float()¶

将所有浮点参数和缓冲区强制转换为 float 数据类型。

Returns

self

Return type

Module

forward(*input)¶

定义每次调用时执行的计算。

应该被所有子类覆盖。

注意

尽管需要在此函数中定义向前传递的配方,但此后应调用 Module 实例,而不是此实例,因为前者负责运行已注册的钩子,而后者则静默地忽略它们。

half()¶

将所有浮点参数和缓冲区强制转换为half数据类型。

Returns

self

Return type

Module

load_state_dict(state_dict, strict=True)¶

将参数和缓冲区从 state_dict 复制到此模块及其子代中。 如果strictTrue,则 state_dict 的键必须与该模块的 state_dict() 功能返回的键完全匹配。

Parameters

  • state_dict (dict )–包含参数和持久缓冲区的 dict。
  • 严格 (bool 可选)–是否严格要求 state_dict 中的键与 此模块的 state_dict() 功能返回的键。 默认值:True

Returns

  • missing_keys 是包含缺失键的 str 列表
  • 意外的密钥是包含意外密钥的 str 列表

Return type

具有missing_keysunexpected_keys字段的NamedTuple

modules()¶

返回网络中所有模块的迭代器。

Yields

模块 –网络中的模块

Note

重复的模块仅返回一次。 在以下示例中,l将仅返回一次。

Example:

>>> l = nn.Linear(2, 2)
>>> net = nn.Sequential(l, l)
>>> for idx, m in enumerate(net.modules()):
        print(idx, '->', m)


0 -> Sequential(
  (0): Linear(in_features=2, out_features=2, bias=True)
  (1): Linear(in_features=2, out_features=2, bias=True)
)
1 -> Linear(in_features=2, out_features=2, bias=True)

named_buffers(prefix='', recurse=True)¶

返回模块缓冲区上的迭代器,同时产生缓冲区的名称和缓冲区本身。

Parameters

  • 前缀 (str )–前缀为所有缓冲区名称的前缀。
  • recurse (bool) – if True, then yields buffers of this module and all submodules. Otherwise, yields only buffers that are direct members of this module.

Yields

(字符串,torch张量) –包含名称和缓冲区的元组

Example:

>>> for name, buf in self.named_buffers():
>>>    if name in ['running_var']:
>>>        print(buf.size())

named_children()¶

返回直接子模块的迭代器,同时产生模块名称和模块本身。

Yields

(字符串,模块) –包含名称和子模块的元组

Example:

>>> for name, module in model.named_children():
>>>     if name in ['conv4', 'conv5']:
>>>         print(module)

named_modules(memo=None, prefix='')¶

在网络中的所有模块上返回一个迭代器,同时产生模块的名称和模块本身。

Yields

(字符串,模块) –名称和模块的元组

Note

Duplicate modules are returned only once. In the following example, l will be returned only once.

Example:

>>> l = nn.Linear(2, 2)
>>> net = nn.Sequential(l, l)
>>> for idx, m in enumerate(net.named_modules()):
        print(idx, '->', m)


0 -> ('', Sequential(
  (0): Linear(in_features=2, out_features=2, bias=True)
  (1): Linear(in_features=2, out_features=2, bias=True)
))
1 -> ('0', Linear(in_features=2, out_features=2, bias=True))

named_parameters(prefix='', recurse=True)¶

返回模块参数上的迭代器,同时产生参数名称和参数本身。

Parameters

  • 前缀 (str )–前缀所有参数名称。
  • 递归 (bool )–如果为 True,则产生该模块和所有子模块的参数。 否则,仅产生作为该模块直接成员的参数。

Yields

(字符串,参数) –包含名称和参数的元组

Example:

>>> for name, param in self.named_parameters():
>>>    if name in ['bias']:
>>>        print(param.size())

parameters(recurse=True)¶

返回模块参数上的迭代器。

通常将其传递给优化器。

Parameters

recurse (bool) – if True, then yields parameters of this module and all submodules. Otherwise, yields only parameters that are direct members of this module.

Yields

参数 –模块参数

Example:

>>> for param in model.parameters():
>>>     print(type(param.data), param.size())
<class 'torch.FloatTensor'> (20L,)
<class 'torch.FloatTensor'> (20L, 1L, 5L, 5L)

register_backward_hook(hook)¶

在模块上注册向后挂钩。

每当计算相对于模块输入的梯度时,都会调用该挂钩。 挂钩应具有以下签名:

hook(module, grad_input, grad_output) -> Tensor or None

如果模块具有多个输入或输出,则grad_inputgrad_output可能是元组。 挂钩不应该修改其参数,但可以选择相对于输入返回新的梯度,该梯度将在后续计算中代替grad_input使用。

Returns

可以通过调用handle.remove()来删除添加的钩子的句柄

Return type

torch.utils.hooks.RemovableHandle

警告

对于执行许多操作的复杂 Module ,当前实现不具有所呈现的行为。 在某些故障情况下,grad_inputgrad_output将仅包含输入和输出的子集的梯度。 对于此类 Module ,应在特定的输入或输出上直接使用 torch.Tensor.register_hook() 以获取所需的梯度。

register_buffer(name, tensor)¶

将持久性缓冲区添加到模块。

这通常用于注册不应被视为模型参数的缓冲区。 例如,BatchNorm 的running_mean不是参数,而是持久状态的一部分。

可以使用给定名称将缓冲区作为属性进行访问。

Parameters

  • 名称(字符串)–缓冲区的名称。 可以使用给定名称从此模块访问缓冲区
  • 张量 (tensor)–要注册的缓冲区。

Example:

>>> self.register_buffer('running_mean', torch.zeros(num_features))

register_forward_hook(hook)¶

在模块上注册一个前向挂钩。

每当 forward() 计算输出后,该挂钩都会被调用。 它应具有以下签名:

hook(module, input, output) -> None or modified output

挂钩可以修改输出。 它可以就地修改输入,但是不会对正向产生影响,因为在调用 forward() 之后会调用它。

Returns

a handle that can be used to remove the added hook by calling handle.remove()

Return type

torch.utils.hooks.RemovableHandle

register_forward_pre_hook(hook)¶

在模块上注册前向预钩。

每次调用 forward() 之前,都会调用该挂钩。 它应具有以下签名:

hook(module, input) -> None or modified input

挂钩可以修改输入。 用户可以在挂钩中返回一个元组或一个修改后的值。 如果返回单个值,则将值包装到一个元组中(除非该值已经是一个元组)。

Returns

a handle that can be used to remove the added hook by calling handle.remove()

Return type

torch.utils.hooks.RemovableHandle

register_parameter(name, param)¶

向模块添加参数。

可以使用给定名称将参数作为属性访问。

Parameters

  • 名称(字符串)–参数的名称。 可以使用给定名称从此模块访问参数
  • 参数 (参数)–要添加到模块的参数。

requires_grad_(requires_grad=True)¶

更改 autograd 是否应记录此模块中参数的操作。

此方法就地设置参数的requires_grad属性。

此方法有助于冻结模块的一部分以分别微调或训练模型的各个部分(例如 GAN 训练)。

Parameters

require_grad (bool )– autograd 是否应记录此模块中参数的操作。 默认值:True

Returns

self

Return type

Module

state_dict(destination=None, prefix='', keep_vars=False)¶

返回包含模块整个状态的字典。

包括参数和持久缓冲区(例如运行平均值)。 键是相应的参数和缓冲区名称。

Returns

包含模块整体状态的字典

Return type

字典

Example:

>>> module.state_dict().keys()
['bias', 'weight']

to(*args, **kwargs)¶

移动和/或强制转换参数和缓冲区。

这可以称为

to(device=None, dtype=None, non_blocking=False)

to(dtype, non_blocking=False)

to(tensor, non_blocking=False)

它的签名类似于 torch.Tensor.to() ,但仅接受所需的浮点dtype。 此外,此方法只会将浮点参数和缓冲区强制转换为dtype(如果给定)。 如果已给定,则积分参数和缓冲区将被移动device,但 dtypes 不变。 设置non_blocking时,如果可能,它将尝试相对于主机进行异步转换/移动,例如,将具有固定内存的 CPU 张量移动到 CUDA 设备。

请参见下面的示例。

Note

此方法就地修改模块。

Parameters

  • 设备(torch.device)–该模块中参数和缓冲区的所需设备
  • dtype (torch.dtype)–此模块中浮点参数和缓冲区的所需浮点类型
  • 张量 (torch张量)–张量,其 dtype 和 device 是此模块中所有参数和缓冲区的所需 dtype 和 device

Returns

self

Return type

Module

Example:

>>> linear = nn.Linear(2, 2)
>>> linear.weight
Parameter containing:
tensor([[ 0.1913, -0.3420],
        [-0.5113, -0.2325]])
>>> linear.to(torch.double)
Linear(in_features=2, out_features=2, bias=True)
>>> linear.weight
Parameter containing:
tensor([[ 0.1913, -0.3420],
        [-0.5113, -0.2325]], dtype=torch.float64)
>>> gpu1 = torch.device("cuda:1")
>>> linear.to(gpu1, dtype=torch.half, non_blocking=True)
Linear(in_features=2, out_features=2, bias=True)
>>> linear.weight
Parameter containing:
tensor([[ 0.1914, -0.3420],
        [-0.5112, -0.2324]], dtype=torch.float16, device='cuda:1')
>>> cpu = torch.device("cpu")
>>> linear.to(cpu)
Linear(in_features=2, out_features=2, bias=True)
>>> linear.weight
Parameter containing:
tensor([[ 0.1914, -0.3420],
        [-0.5112, -0.2324]], dtype=torch.float16)

train(mode=True)¶

将模块设置为训练模式。

This has any effect only on certain modules. See documentations of particular modules for details of their behaviors in training/evaluation mode, if they are affected, e.g. Dropout, BatchNorm, etc.

Parameters

模式 (bool )–是设置训练模式(True)还是评估模式(False)。 默认值:True

Returns

self

Return type

Module

type(dst_type)¶

将所有参数和缓冲区强制转换为dst_type

Parameters

dst_type (python:type 字符串)–所需类型

Returns

self

Return type

Module

zero_grad()¶

将所有模型参数的梯度设置为零。

顺序的

class torch.nn.Sequential(*args)¶

顺序容器。 模块将按照在构造函数中传递的顺序添加到模块中。 或者,也可以传递模块的有序字典。

为了更容易理解,这是一个小示例:

## Example of using Sequential
model = nn.Sequential(
          nn.Conv2d(1,20,5),
          nn.ReLU(),
          nn.Conv2d(20,64,5),
          nn.ReLU()
        )


## Example of using Sequential with OrderedDict
model = nn.Sequential(OrderedDict([
          ('conv1', nn.Conv2d(1,20,5)),
          ('relu1', nn.ReLU()),
          ('conv2', nn.Conv2d(20,64,5)),
          ('relu2', nn.ReLU())
        ]))

模块列表

class torch.nn.ModuleList(modules=None)¶

将子模块保存在列表中。

ModuleList 可以像常规 Python 列表一样被索引,但是其中包含的模块已正确注册,并且对所有 Module 方法都是可见的。

Parameters

模块(可迭代 可选)–可迭代的模块

Example:

class MyModule(nn.Module):
    def __init__(self):
        super(MyModule, self).__init__()
        self.linears = nn.ModuleList([nn.Linear(10, 10) for i in range(10)])


    def forward(self, x):
        # ModuleList can act as an iterable, or be indexed using ints
        for i, l in enumerate(self.linears):
            x = self.linears[i // 2](x) + l(x)
        return x

append(module)¶

将给定模块附加到列表的末尾。

Parameters

模块 (nn.Module)–要附加的模块

extend(modules)¶

将可迭代的 Python 模块附加到列表的末尾。

Parameters

模块(可迭代)–可迭代的模块

insert(index, module)¶

在列表中给定索引之前插入给定模块。

Parameters

  • 索引 (python:int )–要插入的索引。
  • 模块 (nn.Module)–要插入的模块

ModuleDict

class torch.nn.ModuleDict(modules=None)¶

将子模块保存在字典中。

ModuleDict 可以像常规的 Python 字典一样被索引,但是其中包含的模块已正确注册,并且对所有 Module 方法都是可见的。

ModuleDict有序字典,

  • 插入顺序,以及
  • update() 中,OrderedDict或另一个 ModuleDict 的合并顺序 (update() 的顺序)。

请注意, update() 和其他无序映射类型(例如 Python 的普通dict)不会保留合并映射的顺序。

Parameters

模块(可迭代 可选)–(字符串:模块)的映射(字典)或键值对的可迭代 类型(字符串,模块)

Example:

class MyModule(nn.Module):
    def __init__(self):
        super(MyModule, self).__init__()
        self.choices = nn.ModuleDict({
                'conv': nn.Conv2d(10, 10, 3),
                'pool': nn.MaxPool2d(3)
        })
        self.activations = nn.ModuleDict([
                ['lrelu', nn.LeakyReLU()],
                ['prelu', nn.PReLU()]
        ])


    def forward(self, x, choice, act):
        x = self.choices[choice](x)
        x = self.activations[act](x)
        return x

clear()¶

从 ModuleDict 中删除所有项目。

items()¶

返回一个可迭代的 ModuleDict 键/值对。

keys()¶

返回一个可迭代的 ModuleDict 键。

pop(key)¶

从 ModuleDict 中删除密钥并返回其模块。

Parameters

(字符串)–从 ModuleDict 弹出的键

update(modules)¶

使用来自映射或可迭代,覆盖现有键的键值对更新 ModuleDict

Note

如果modulesOrderedDictModuleDict 或键值对的可迭代项,则将保留其中的新元素顺序。

Parameters

模块(可迭代)–从字符串到 Module 的映射(字典),或键值对类型的可迭代(字符串, [] Module])

values()¶

返回一个 ModuleDict 值的可迭代值。

参数表

class torch.nn.ParameterList(parameters=None)¶

将参数保存在列表中。

ParameterList 可以像常规 Python 列表一样被索引,但是其中包含的参数已正确注册,并且将由所有 Module 方法可见。

Parameters

参数(可迭代的 可选)–可迭代的 Parameter

Example:

class MyModule(nn.Module):
    def __init__(self):
        super(MyModule, self).__init__()
        self.params = nn.ParameterList([nn.Parameter(torch.randn(10, 10)) for i in range(10)])


    def forward(self, x):
        # ParameterList can act as an iterable, or be indexed using ints
        for i, p in enumerate(self.params):
            x = self.params[i // 2].mm(x) + p.mm(x)
        return x

append(parameter)¶

在列表的末尾附加一个给定的参数。

Parameters

参数 (nn.Parameter)–要附加的参数

extend(parameters)¶

将可迭代的 Python 参数附加到列表的末尾。

Parameters

参数(可迭代)–可迭代的参数

ParameterDict

class torch.nn.ParameterDict(parameters=None)¶

将参数保存在字典中。

可以像常规 Python 词典一样对 ParameterDict 进行索引,但是它包含的参数已正确注册,并且对所有 Module 方法都可见。

ParameterDict有序字典,

  • the order of insertion, and
  • update() 中,OrderedDict或另一个 ParameterDict 的合并顺序 (update() 的顺序)。

请注意, update() 和其他无序映射类型(例如 Python 的普通dict)不会保留合并映射的顺序。

Parameters

参数(可迭代的 可选)–(字符串: Parameter)的映射(字典) 或类型(字符串 Parameter)的键值对的可迭代

Example:

class MyModule(nn.Module):
    def __init__(self):
        super(MyModule, self).__init__()
        self.params = nn.ParameterDict({
                'left': nn.Parameter(torch.randn(5, 10)),
                'right': nn.Parameter(torch.randn(5, 10))
        })


    def forward(self, x, choice):
        x = self.params[choice].mm(x)
        return x

clear()¶

从 ParameterDict 中删除所有项目。

items()¶

返回一个 ParameterDict 键/值对的可迭代对象。

keys()¶

返回一个可迭代的 ParameterDict 键。

pop(key)¶

从 ParameterDict 中删除键并返回其参数。

Parameters

(字符串)–从 ParameterDict 弹出的键

update(parameters)¶

使用来自映射或可迭代,覆盖现有键的键值对更新 ParameterDict

Note

如果parametersOrderedDictParameterDict 或键值对的可迭代项,则将保留其中的新元素顺序。

Parameters

参数(可迭代的)–从字符串到 Parameter 的映射(字典),或键值对类型的可迭代(字符串, [] Parameter])

values()¶

返回 ParameterDict 值的可迭代值。

卷积层

转换 1d

class torch.nn.Conv1d(in_channels, out_channels, kernel_size, stride=1, padding=0, dilation=1, groups=1, bias=True, padding_mode='zeros')¶

在由多个输入平面组成的输入信号上应用一维卷积。

在最简单的情况下,具有输入大小img和输出img的图层的输出值可以精确地描述为:

img

其中img[是有效的]()[互相关]运算符,img是批处理大小,img表示通道数,![img])是信号序列的长度。

  • stride控制互相关的步幅,单个数字或一个元素的元组。

  • 对于padding点数,padding控制两侧的隐式零填充量。

  • dilation控制内核点之间的间距; 也称为àtrous 算法。 很难描述,但是此链接很好地展示了dilation的功能。

  • groups控制输入和输出之间的连接。 in_channelsout_channels必须都可以被groups整除。 例如,

\> 在组= 1 时,所有输入都卷积为所有输出。 > \> \> 在 groups = 2 时,该操作等效于并排设置两个 conv 层,每个 conv 层看到一半的输入通道,并产生一半的输出通道,并且随后都将它们级联。 > \> \> * 在 groups = in_channels时,每个输入通道都与自己的大小为img的一组滤波器卷积。

Note

根据内核的大小,输入的(最后)几列可能会丢失,因为它是有效的互相关,而不是完整的互相关 。 由用户决定是否添加适当的填充。

Note

当<cite>组== in_channels</cite> 和 <cite>out_channels == K * in_channels</cite> 时,其中 <cite>K</cite> 是一个正整数,此操作在文献中也被称为深度卷积。

换句话说,对于大小为img的输入,可以通过参数img构造具有深度乘数 <cite>K</cite> 的深度卷积。

Note

在某些情况下,将 CUDA 后端与 CuDNN 一起使用时,该运算符可能会选择不确定的算法来提高性能。 如果不希望这样做,则可以通过设置torch.backends.cudnn.deterministic = True来使操作具有确定性(可能会降低性能)。 请参阅关于可再现性的注意事项作为背景。

Parameters

  • in_channels (python:int )–输入图像中的通道数
  • out_channels (python:int )–卷积产生的通道数
  • kernel_size (python:int 元组)–卷积内核的大小
  • 步幅 (python:int 元组 可选)–步幅 卷积。 默认值:1
  • 填充 (python:int 元组 可选)–零填充 添加到输入的两侧。 默认值:0
  • padding_mode (字符串 可选)– <cite>零</cite>
  • 扩展 (python:int 元组 可选)–内核之间的间隔 元素。 默认值:1
  • (python:int 可选)–从输入通道到输出通道的阻塞连接数。 默认值:1
  • 偏置 (bool 可选)–如果True,则向输出添加可学习的偏置。 默认值:True

Shape:

  • 输入:img

  • 输出:img其中

img

Variables

  • 〜Conv1d.weight (tensor)–形状为img的模块的可学习重量。 这些权重的值来自img,其中img
  • 〜Conv1d.bias (tensor)–形状模块的可学习偏差(out_channels)。 如果biasTrue,则这些权重的值将从img采样,其中img

例子:

>>> m = nn.Conv1d(16, 33, 3, stride=2)
>>> input = torch.randn(20, 16, 50)
>>> output = m(input)

转换 2d

class torch.nn.Conv2d(in_channels, out_channels, kernel_size, stride=1, padding=0, dilation=1, groups=1, bias=True, padding_mode='zeros')¶

对由多个输入平面组成的输入信号应用 2D 卷积。

在最简单的情况下,具有输入大小img和输出img的图层的输出值可以精确地描述为:

img

其中img是有效的 2D 互相关运算符,img是批处理大小,img表示通道数,img是输入平面的高度(以像素为单位),并且[ img是以像素为单位的宽度。

  • stride控制互相关的步幅,单个数字或元组。

  • 对于每个维度的padding点数,padding控制两侧的隐式零填充量。

  • dilation controls the spacing between the kernel points; also known as the à trous algorithm. It is harder to describe, but this link has a nice visualization of what dilation does.

  • groups controls the connections between inputs and outputs. in_channels and out_channels must both be divisible by groups. For example,

\> At groups=1, all inputs are convolved to all outputs. > \> \> At groups=2, the operation becomes equivalent to having two conv layers side by side, each seeing half the input channels, and producing half the output channels, and both subsequently concatenated. > \> \> * 在 groups = in_channels时,每个输入通道都与自己的一组过滤器卷积,大小为img

参数kernel_sizestridepaddingdilation可以是:

  • 单个int –在这种情况下,高度和宽度尺寸将使用相同的值

    - 两个整数的tuple –在这种情况下,第一个 <cite&int</cite& 用于高度尺寸,第二个 <cite&int</cite& 用于宽度尺寸

Note

根据内核的大小,输入的(最后)几列可能会丢失,因为它是有效的互相关,而不是完整的互相关 。 由用户决定是否添加适当的填充。

Note

When <cite>groups == in_channels</cite> and <cite>out_channels == K * in_channels</cite>, where <cite>K</cite> is a positive integer, this operation is also termed in literature as depthwise convolution.

换句话说,对于大小为img的输入,可以通过参数img构造具有深度乘数 <cite>K</cite> 的深度卷积。

Note

In some circumstances when using the CUDA backend with CuDNN, this operator may select a nondeterministic algorithm to increase performance. If this is undesirable, you can try to make the operation deterministic (potentially at a performance cost) by setting torch.backends.cudnn.deterministic = True. Please see the notes on Reproducibility for background.

Parameters

  • in_channels (python:int) – Number of channels in the input image
  • out_channels (python:int) – Number of channels produced by the convolution
  • kernel_size (python:int or tuple) – Size of the convolving kernel
  • stride (python:int or tuple__, optional) – Stride of the convolution. Default: 1
  • 填充 (python:int 元组 可选)–零填充 添加到输入的两侧。 默认值:0
  • padding_mode (string__, optional) – <cite>zeros</cite>
  • 扩展 (python:int 元组 可选)–内核之间的间隔 元素。 默认值:1
  • (python:int 可选)–从输入通道到输出通道的阻塞连接数。 默认值:1
  • bias (bool__, optional) – If True, adds a learnable bias to the output. Default: True

Shape:

  • 输入:img

  • 输出:img其中

img

img

Variables

  • 〜Conv2d.weight (tensor)–形状为img img的模块的可学习重量。 这些权重的值取自img,其中img
  • 〜Conv2d.bias (tensor)–形状模块的可学习偏差(out_channels)。 如果biasTrue,则这些权重的值将从img采样,其中img

Examples:

>>> # With square kernels and equal stride
>>> m = nn.Conv2d(16, 33, 3, stride=2)
>>> # non-square kernels and unequal stride and with padding
>>> m = nn.Conv2d(16, 33, (3, 5), stride=(2, 1), padding=(4, 2))
>>> # non-square kernels and unequal stride and with padding and dilation
>>> m = nn.Conv2d(16, 33, (3, 5), stride=(2, 1), padding=(4, 2), dilation=(3, 1))
>>> input = torch.randn(20, 16, 50, 100)
>>> output = m(input)

转换 3d

class torch.nn.Conv3d(in_channels, out_channels, kernel_size, stride=1, padding=0, dilation=1, groups=1, bias=True, padding_mode='zeros')¶

在由多个输入平面组成的输入信号上应用 3D 卷积。

在最简单的情况下,具有输入大小img和输出img的图层的输出值可以精确地描述为:

img

其中img是有效的 3D 互相关运算符

  • stride控制互相关的步幅。

  • padding controls the amount of implicit zero-paddings on both sides for padding number of points for each dimension.

  • dilation控制内核点之间的间距; 也称为àtrous 算法。 很难描述,但是此链接很好地展示了dilation的功能。

  • groups controls the connections between inputs and outputs. in_channels and out_channels must both be divisible by groups. For example,

\> At groups=1, all inputs are convolved to all outputs. > \> \> At groups=2, the operation becomes equivalent to having two conv layers side by side, each seeing half the input channels, and producing half the output channels, and both subsequently concatenated. > \> \> * 在 groups = in_channels时,每个输入通道都与自己的大小为img的一组滤波器卷积。

The parameters kernel_size, stride, padding, dilation can either be:

  • 单个int –在这种情况下,深度,高度和宽度尺寸使用相同的值

    - 三个整数的tuple –在这种情况下,第一个 <cite&int</cite& 用于深度尺寸,第二个 <cite&int</cite& 用于高度尺寸,第三个 <cite&int</cite& 为宽度尺寸

Note

Depending of the size of your kernel, several (of the last) columns of the input might be lost, because it is a valid cross-correlation, and not a full cross-correlation. It is up to the user to add proper padding.

Note

When <cite>groups == in_channels</cite> and <cite>out_channels == K * in_channels</cite>, where <cite>K</cite> is a positive integer, this operation is also termed in literature as depthwise convolution.

换句话说,对于大小为img的输入,可以通过参数img构造具有深度乘数 <cite>K</cite> 的深度卷积。

Note

In some circumstances when using the CUDA backend with CuDNN, this operator may select a nondeterministic algorithm to increase performance. If this is undesirable, you can try to make the operation deterministic (potentially at a performance cost) by setting torch.backends.cudnn.deterministic = True. Please see the notes on Reproducibility for background.

Parameters

  • in_channels (python:int) – Number of channels in the input image
  • out_channels (python:int) – Number of channels produced by the convolution
  • kernel_size (python:int or tuple) – Size of the convolving kernel
  • stride (python:int or tuple__, optional) – Stride of the convolution. Default: 1
  • 填充 (python:int 元组 可选)–零填充 添加到输入的所有三个方面。 默认值:0
  • padding_mode (string__, optional) – <cite>zeros</cite>
  • dilation (python:int or tuple__, optional) – Spacing between kernel elements. Default: 1
  • groups (python:int__, optional) – Number of blocked connections from input channels to output channels. Default: 1
  • bias (bool__, optional) – If True, adds a learnable bias to the output. Default: True

Shape:

  • 输入:img

  • 输出:img其中

img

img

img

Variables

  • 〜Conv3d.weight (tensor)–形状为img img的模块的可学习重量。 这些权重的值取自img,其中img
  • 〜Conv3d.bias (tensor)–形状模块的可学习偏差(out_channels)。 如果biasTrue,则这些权重的值将从img采样,其中img

Examples:

>>> # With square kernels and equal stride
>>> m = nn.Conv3d(16, 33, 3, stride=2)
>>> # non-square kernels and unequal stride and with padding
>>> m = nn.Conv3d(16, 33, (3, 5, 2), stride=(2, 1, 1), padding=(4, 2, 0))
>>> input = torch.randn(20, 16, 10, 50, 100)
>>> output = m(input)

ConvTranspose1d

class torch.nn.ConvTranspose1d(in_channels, out_channels, kernel_size, stride=1, padding=0, output_padding=0, groups=1, bias=True, dilation=1, padding_mode='zeros')¶

在由多个输入平面组成的输入图像上应用一维转置的卷积运算符。

该模块可以看作是 Conv1d 相对于其输入的梯度。 它也被称为分数步法卷积或反卷积(尽管它不是实际的反卷积运算)。

  • stride controls the stride for the cross-correlation.

  • 对于dilation * (kernel_size - 1) - padding点数,padding控制两侧的隐式零填充量。 有关详细信息,请参见下面的注释。

  • output_padding控制添加到输出形状一侧的附加尺寸。 有关详细信息,请参见下面的注释。

  • dilation controls the spacing between the kernel points; also known as the à trous algorithm. It is harder to describe, but this link has a nice visualization of what dilation does.

  • groups controls the connections between inputs and outputs. in_channels and out_channels must both be divisible by groups. For example,

\> At groups=1, all inputs are convolved to all outputs. > \> \> At groups=2, the operation becomes equivalent to having two conv layers side by side, each seeing half the input channels, and producing half the output channels, and both subsequently concatenated. > \> \> * 在 groups = in_channels时,每个输入通道都与自己的一组过滤器(大小为img)卷积。

Note

Depending of the size of your kernel, several (of the last) columns of the input might be lost, because it is a valid cross-correlation, and not a full cross-correlation. It is up to the user to add proper padding.

Note

padding参数有效地将dilation * (kernel_size - 1) - padding的零填充量添加到两种输入大小。 进行设置时,以相同的参数初始化 Conv1dConvTranspose1d 时,它们在输入和输出形状方面彼此相反。 但是,当stride > 1Conv1d 将多个输入形状映射到相同的输出形状时。 提供output_padding可通过有效地增加一侧的计算输出形状来解决这种歧义。 请注意,output_padding仅用于查找输出形状,而实际上并未向输出添加零填充。

Note

In some circumstances when using the CUDA backend with CuDNN, this operator may select a nondeterministic algorithm to increase performance. If this is undesirable, you can try to make the operation deterministic (potentially at a performance cost) by setting torch.backends.cudnn.deterministic = True. Please see the notes on Reproducibility for background.

Parameters

  • in_channels (python:int) – Number of channels in the input image
  • out_channels (python:int) – Number of channels produced by the convolution
  • kernel_size (python:int or tuple) – Size of the convolving kernel
  • stride (python:int or tuple__, optional) – Stride of the convolution. Default: 1
  • 填充 (python:int 元组 可选)– dilation * (kernel_size - 1) - padding 零填充将添加到输入的两侧。 默认值:0
  • output_padding (python:int 元组 可选)–已添加其他大小 到输出形状的一侧。 默认值:0
  • groups (python:int__, optional) – Number of blocked connections from input channels to output channels. Default: 1
  • bias (bool__, optional) – If True, adds a learnable bias to the output. Default: True
  • dilation (python:int or tuple__, optional) – Spacing between kernel elements. Default: 1

Shape:

  • Input: img

  • Output: img where

img

Variables

  • 〜ConvTranspose1d.weight (tensor)–形状为img img的模块的可学习重量。 这些权重的值取自img,其中img
  • 〜ConvTranspose1d.bias (tensor)–形状模块的可学习偏差(out_channels)。 如果biasTrue,则这些权重的值将从img采样,其中img

ConvTranspose2d

class torch.nn.ConvTranspose2d(in_channels, out_channels, kernel_size, stride=1, padding=0, output_padding=0, groups=1, bias=True, dilation=1, padding_mode='zeros')¶

在由多个输入平面组成的输入图像上应用二维转置卷积运算符。

该模块可以看作是 Conv2d 相对于其输入的梯度。 它也被称为分数步法卷积或反卷积(尽管它不是实际的反卷积运算)。

  • stride controls the stride for the cross-correlation.

  • padding controls the amount of implicit zero-paddings on both sides for dilation * (kernel_size - 1) - padding number of points. See note below for details.

  • output_padding controls the additional size added to one side of the output shape. See note below for details.

  • dilation controls the spacing between the kernel points; also known as the à trous algorithm. It is harder to describe, but this link has a nice visualization of what dilation does.

  • groups controls the connections between inputs and outputs. in_channels and out_channels must both be divisible by groups. For example,

\> At groups=1, all inputs are convolved to all outputs. > \> \> At groups=2, the operation becomes equivalent to having two conv layers side by side, each seeing half the input channels, and producing half the output channels, and both subsequently concatenated. > \> \> * At groups= in_channels, each input channel is convolved with its own set of filters (of size img).

参数kernel_sizestridepaddingoutput_padding可以是:

  • 单个int –在这种情况下,高度和宽度尺寸将使用相同的值

    - a tuple of two ints – in which case, the first <cite&int</cite& is used for the height dimension, and the second <cite&int</cite& for the width dimension

Note

Depending of the size of your kernel, several (of the last) columns of the input might be lost, because it is a valid cross-correlation, and not a full cross-correlation. It is up to the user to add proper padding.

Note

padding参数有效地将dilation * (kernel_size - 1) - padding的零填充量添加到两种输入大小。 进行设置时,以相同的参数初始化 Conv2dConvTranspose2d 时,它们在输入和输出形状方面彼此相反。 但是,当stride > 1Conv2d 将多个输入形状映射到相同的输出形状时。 提供output_padding可通过有效地增加一侧的计算输出形状来解决这种歧义。 请注意,output_padding仅用于查找输出形状,而实际上并未向输出添加零填充。

Note

In some circumstances when using the CUDA backend with CuDNN, this operator may select a nondeterministic algorithm to increase performance. If this is undesirable, you can try to make the operation deterministic (potentially at a performance cost) by setting torch.backends.cudnn.deterministic = True. Please see the notes on Reproducibility for background.

Parameters

  • in_channels (python:int) – Number of channels in the input image
  • out_channels (python:int) – Number of channels produced by the convolution
  • kernel_size (python:int or tuple) – Size of the convolving kernel
  • stride (python:int or tuple__, optional) – Stride of the convolution. Default: 1
  • 填充 (python:int 元组 可选)– dilation * (kernel_size - 1) - padding 零填充将添加到输入中每个维度的两侧。 默认值:0
  • output_padding (python:int 元组 可选)–已添加其他大小 输出形状中每个尺寸的一侧。 默认值:0
  • groups (python:int__, optional) – Number of blocked connections from input channels to output channels. Default: 1
  • bias (bool__, optional) – If True, adds a learnable bias to the output. Default: True
  • dilation (python:int or tuple__, optional) – Spacing between kernel elements. Default: 1

Shape:

  • Input: img
  • Output: img where

img

img

Variables

  • 〜ConvTranspose2d.weight (tensor)–形状为img img的模块的可学习重量。 这些权重的值取自img,其中img
  • 〜ConvTranspose2d.bias (tensor)–形状模块的可学习偏差(out_channels)如果biasTrue,则值 这些权重来自img,其中img

Examples:

>>> # With square kernels and equal stride
>>> m = nn.ConvTranspose2d(16, 33, 3, stride=2)
>>> # non-square kernels and unequal stride and with padding
>>> m = nn.ConvTranspose2d(16, 33, (3, 5), stride=(2, 1), padding=(4, 2))
>>> input = torch.randn(20, 16, 50, 100)
>>> output = m(input)
>>> # exact output size can be also specified as an argument
>>> input = torch.randn(1, 16, 12, 12)
>>> downsample = nn.Conv2d(16, 16, 3, stride=2, padding=1)
>>> upsample = nn.ConvTranspose2d(16, 16, 3, stride=2, padding=1)
>>> h = downsample(input)
>>> h.size()
torch.Size([1, 16, 6, 6])
>>> output = upsample(h, output_size=input.size())
>>> output.size()
torch.Size([1, 16, 12, 12])

ConvTranspose3d

class torch.nn.ConvTranspose3d(in_channels, out_channels, kernel_size, stride=1, padding=0, output_padding=0, groups=1, bias=True, dilation=1, padding_mode='zeros')¶

在由多个输入平面组成的输入图像上应用 3D 转置卷积运算符。 转置的卷积运算符将每个输入值逐个元素地乘以一个可学习的内核,并对所有输入特征平面的输出求和。

该模块可以看作是 Conv3d 相对于其输入的梯度。 它也被称为分数步法卷积或反卷积(尽管它不是实际的反卷积运算)。

  • stride controls the stride for the cross-correlation.

  • padding controls the amount of implicit zero-paddings on both sides for dilation * (kernel_size - 1) - padding number of points. See note below for details.

  • output_padding controls the additional size added to one side of the output shape. See note below for details.

  • dilation controls the spacing between the kernel points; also known as the à trous algorithm. It is harder to describe, but this link has a nice visualization of what dilation does.

  • groups controls the connections between inputs and outputs. in_channels and out_channels must both be divisible by groups. For example,

\> At groups=1, all inputs are convolved to all outputs. > \> \> At groups=2, the operation becomes equivalent to having two conv layers side by side, each seeing half the input channels, and producing half the output channels, and both subsequently concatenated. > \> \> * At groups= in_channels, each input channel is convolved with its own set of filters (of size img).

The parameters kernel_size, stride, padding, output_padding can either be:

  • 单个int –在这种情况下,深度,高度和宽度尺寸使用相同的值

    - a tuple of three ints – in which case, the first <cite&int</cite& is used for the depth dimension, the second <cite&int</cite& for the height dimension and the third <cite&int</cite& for the width dimension

Note

Depending of the size of your kernel, several (of the last) columns of the input might be lost, because it is a valid cross-correlation, and not a full cross-correlation. It is up to the user to add proper padding.

Note

padding参数有效地将dilation * (kernel_size - 1) - padding的零填充量添加到两种输入大小。 进行设置时,以相同的参数初始化 Conv3dConvTranspose3d 时,它们在输入和输出形状方面彼此相反。 但是,当stride > 1Conv3d 将多个输入形状映射到相同的输出形状时。 提供output_padding可通过有效地增加一侧的计算输出形状来解决这种歧义。 请注意,output_padding仅用于查找输出形状,而实际上并未向输出添加零填充。

Note

In some circumstances when using the CUDA backend with CuDNN, this operator may select a nondeterministic algorithm to increase performance. If this is undesirable, you can try to make the operation deterministic (potentially at a performance cost) by setting torch.backends.cudnn.deterministic = True. Please see the notes on Reproducibility for background.

Parameters

  • in_channels (python:int) – Number of channels in the input image
  • out_channels (python:int) – Number of channels produced by the convolution
  • kernel_size (python:int or tuple) – Size of the convolving kernel
  • stride (python:int or tuple__, optional) – Stride of the convolution. Default: 1
  • padding (python:int or tuple__, optional) – dilation * (kernel_size - 1) - padding zero-padding will be added to both sides of each dimension in the input. Default: 0
  • output_padding (python:int or tuple__, optional) – Additional size added to one side of each dimension in the output shape. Default: 0
  • groups (python:int__, optional) – Number of blocked connections from input channels to output channels. Default: 1
  • bias (bool__, optional) – If True, adds a learnable bias to the output. Default: True
  • dilation (python:int or tuple__, optional) – Spacing between kernel elements. Default: 1

Shape:

  • Input: img
  • Output: img where

img

img

img

Variables

  • 〜ConvTranspose3d.weight (tensor)–形状为img img的模块的可学习重量。 这些权重的值取自img,其中img
  • 〜ConvTranspose3d.bias (tensor)–形状模块的可学习偏差(out_channels)如果biasTrue,则值 这些权重来自img,其中img

Examples:

>>> # With square kernels and equal stride
>>> m = nn.ConvTranspose3d(16, 33, 3, stride=2)
>>> # non-square kernels and unequal stride and with padding
>>> m = nn.ConvTranspose3d(16, 33, (3, 5, 2), stride=(2, 1, 1), padding=(0, 4, 2))
>>> input = torch.randn(20, 16, 10, 50, 100)
>>> output = m(input)

展开

class torch.nn.Unfold(kernel_size, dilation=1, padding=0, stride=1)¶

从批处理输入张量中提取滑动局部块。

考虑形状为img的成批input张量,其中img为批尺寸,img为通道尺寸,img代表任意空间尺寸。 此操作将input的空间尺寸内每个kernel_size大小的滑动块压平为形状为img的 3-D output张量的列(即最后一个尺寸),其中img为总数 每个块内的值数量(一个块具有img个空间位置,每个位置包含img通道矢量),img是此类块的总数:

img

其中imginput(以上img)的空间尺寸形成,而img在所有空间尺寸上。

因此,在最后一个维度(列维度)上索引output将给出特定块内的所有值。

paddingstridedilation自变量指定如何检索滑块。

  • stride控制滑块的步幅。
  • 在重塑之前,padding控制每个维的padding个点的两侧的隐式零填充量。
  • dilation controls the spacing between the kernel points; also known as the à trous algorithm. It is harder to describe, but this link has a nice visualization of what dilation does.

Parameters

  • kernel_size (python:int 元组)–滑块的大小
  • 跨度 (python:int 元组 可选)–跨度 输入空间维度中的滑块。 默认值:1
  • 填充 (python:int 元组 可选)–隐式零填充 将被添加到输入的两侧。 默认值:0
  • 扩张 (python:int 元组 可选)–一个参数 控制邻域内元素的步幅。 默认值:1
  • 如果kernel_sizedilationpaddingstride是长度为 1 的 int 或元组,则它们的值将在所有空间维度上复制。
  • 对于两个输入空间维度,此操作有时称为im2col

Note

Fold 通过对来自所有包含块的所有值求和来计算所得大张量中的每个组合值。 Unfold 通过复制大张量来提取局部块中的值。 因此,如果这些块重叠,则它们不是彼此相反。

通常,折叠和展开操作如下相关。 考虑使用相同参数创建的 FoldUnfold 实例:

>>> fold_params = dict(kernel_size=..., dilation=..., padding=..., stride=...)
>>> fold = nn.Fold(output_size=..., **fold_params)
>>> unfold = nn.Unfold(**fold_params)

然后,对于任何(受支持的)input张量,以下等式成立:

fold(unfold(input)) == divisor * input

其中divisor是仅取决于input的形状和 dtype 的张量:

>>> input_ones = torch.ones(input.shape, dtype=input.dtype)
>>> divisor = fold(unfold(input_ones))

divisor张量不包含零元素时,则foldunfold运算互为逆(最大除数)。

Warning

当前,仅支持 4D 输入张量(像图像一样的批状张量)。

Shape:

  • 输入:img
  • 输出:img如上所述

Examples:

>>> unfold = nn.Unfold(kernel_size=(2, 3))
>>> input = torch.randn(2, 5, 3, 4)
>>> output = unfold(input)
>>> # each patch contains 30 values (2x3=6 vectors, each of 5 channels)
>>> # 4 blocks (2x3 kernels) in total in the 3x4 input
>>> output.size()
torch.Size([2, 30, 4])


>>> # Convolution is equivalent with Unfold + Matrix Multiplication + Fold (or view to output shape)
>>> inp = torch.randn(1, 3, 10, 12)
>>> w = torch.randn(2, 3, 4, 5)
>>> inp_unf = torch.nn.functional.unfold(inp, (4, 5))
>>> out_unf = inp_unf.transpose(1, 2).matmul(w.view(w.size(0), -1).t()).transpose(1, 2)
>>> out = torch.nn.functional.fold(out_unf, (7, 8), (1, 1))
>>> # or equivalently (and avoiding a copy),
>>> # out = out_unf.view(1, 2, 7, 8)
>>> (torch.nn.functional.conv2d(inp, w) - out).abs().max()
tensor(1.9073e-06)

class torch.nn.Fold(output_size, kernel_size, dilation=1, padding=0, stride=1)¶

将一系列滑动局部块组合成一个大型的张量。

考虑一个包含img形状的滑动局部块(例如图像块)的批处理input张量,其中img是批处理尺寸,img是一个块内的值数(一个块具有img 每个包含img通道向量的空间位置),img是块的总数。 (这与 Unfold 的输出形状完全相同。)此操作通过求和重叠值,将这些局部块组合为形状为img的大output张量。 与 []()Unfold 类似,参数必须满足

img

其中img覆盖所有空间尺寸。

  • output_size描述了滑动局部块的大包含张量的空间形状。 当多个输入形状例如使用stride > 0映射到相同数量的滑块时,解决歧义很有用。

The padding, stride and dilation arguments specify how the sliding blocks are retrieved.

  • stride controls the stride for the sliding blocks.
  • padding controls the amount of implicit zero-paddings on both sides for padding number of points for each dimension before reshaping.
  • dilation controls the spacing between the kernel points; also known as the à trous algorithm. It is harder to describe, but this link has a nice visualization of what dilation does.

Parameters

  • output_size (python:int 元组)–输出的空间尺寸形状(即output.sizes()[2:]
  • kernel_size (python:int or tuple) – the size of the sliding blocks
  • 跨度 (python:int 元组)–滑动块在输入空间维度上的跨度。 默认值:1
  • padding (python:int or tuple__, optional) – implicit zero padding to be added on both sides of input. Default: 0
  • dilation (python:int or tuple__, optional) – a parameter that controls the stride of elements within the neighborhood. Default: 1
  • 如果output_sizekernel_sizedilationpaddingstride是长度为 1 的整数或元组,则它们的值将在所有空间维度上复制。
  • 对于两个输出空间维度,此操作有时称为col2im

Note

Fold calculates each combined value in the resulting large tensor by summing all values from all containing blocks. Unfold extracts the values in the local blocks by copying from the large tensor. So, if the blocks overlap, they are not inverses of each other.

In general, folding and unfolding operations are related as follows. Consider Fold and Unfold instances created with the same parameters:

>>> fold_params = dict(kernel_size=..., dilation=..., padding=..., stride=...)
>>> fold = nn.Fold(output_size=..., **fold_params)
>>> unfold = nn.Unfold(**fold_params)

Then for any (supported) input tensor the following equality holds:

fold(unfold(input)) == divisor * input

where divisor is a tensor that depends only on the shape and dtype of the input:

>>> input_ones = torch.ones(input.shape, dtype=input.dtype)
>>> divisor = fold(unfold(input_ones))

When the divisor tensor contains no zero elements, then fold and unfold operations are inverses of each other (upto constant divisor).

Warning

当前,仅支持 4D 输出张量(像图像一样的批状张量)。

Shape:

  • 输入:img
  • 输出:img如上所述

Examples:

>>> fold = nn.Fold(output_size=(4, 5), kernel_size=(2, 2))
>>> input = torch.randn(1, 3 * 2 * 2, 12)
>>> output = fold(input)
>>> output.size()
torch.Size([1, 3, 4, 5])

汇聚层

MaxPool1d

class torch.nn.MaxPool1d(kernel_size, stride=None, padding=0, dilation=1, return_indices=False, ceil_mode=False)¶

在由多个输入平面组成的输入信号上应用一维最大池化。

在最简单的情况下,具有输入大小img和输出img的图层的输出值可以精确地描述为:

img

如果padding不为零,则对于padding点的数量,输入将在两侧隐式填充零。 dilation控制内核点之间的间距。 很难描述,但是此链接很好地展示了dilation的功能。

Parameters

  • kernel_size –取最大值的窗口大小
  • 步幅 –窗口的步幅。 默认值为kernel_size
  • 填充 –在两侧都添加隐式零填充
  • 膨胀 –控制窗口中元素步幅的参数
  • return_indices –如果True,将返回最大索引以及输出。 以后对 torch.nn.MaxUnpool1d 有用
  • ceil_mode –为 True 时,将使用 <cite>ceil</cite> 而不是 <cite>floor</cite> 计算输出形状

Shape:

  • 输入:img

  • 输出:img,其中

img

Examples:

>>> # pool of size=3, stride=2
>>> m = nn.MaxPool1d(3, stride=2)
>>> input = torch.randn(20, 16, 50)
>>> output = m(input)

MaxPool2d

class torch.nn.MaxPool2d(kernel_size, stride=None, padding=0, dilation=1, return_indices=False, ceil_mode=False)¶

在由多个输入平面组成的输入信号上应用 2D 最大合并。

在最简单的情况下,具有输入大小img,输出imgkernel_size img的图层的输出值可以精确地描述为:

img

If padding is non-zero, then the input is implicitly zero-padded on both sides for padding number of points. dilation controls the spacing between the kernel points. It is harder to describe, but this link has a nice visualization of what dilation does.

The parameters kernel_size, stride, padding, dilation can either be:

  • a single int – in which case the same value is used for the height and width dimension

    - a tuple of two ints – in which case, the first <cite&int</cite& is used for the height dimension, and the second <cite&int</cite& for the width dimension

Parameters

  • kernel_size – the size of the window to take a max over
  • stride – the stride of the window. Default value is kernel_size
  • padding – implicit zero padding to be added on both sides
  • dilation – a parameter that controls the stride of elements in the window
  • return_indices –如果True,将返回最大索引以及输出。 以后对 torch.nn.MaxUnpool2d 有用
  • ceil_mode – when True, will use <cite>ceil</cite> instead of <cite>floor</cite> to compute the output shape

Shape:

  • 输入:img

  • 输出:img,其中

img

img

Examples:

>>> # pool of square window of size=3, stride=2
>>> m = nn.MaxPool2d(3, stride=2)
>>> # pool of non-square window
>>> m = nn.MaxPool2d((3, 2), stride=(2, 1))
>>> input = torch.randn(20, 16, 50, 32)
>>> output = m(input)

MaxPool3d

class torch.nn.MaxPool3d(kernel_size, stride=None, padding=0, dilation=1, return_indices=False, ceil_mode=False)¶

在由多个输入平面组成的输入信号上应用 3D 最大池化。

在最简单的情况下,具有输入大小img,输出imgkernel_size img的图层的输出值可以精确地描述为:

img

If padding is non-zero, then the input is implicitly zero-padded on both sides for padding number of points. dilation controls the spacing between the kernel points. It is harder to describe, but this link has a nice visualization of what dilation does.

The parameters kernel_size, stride, padding, dilation can either be:

  • a single int – in which case the same value is used for the depth, height and width dimension

    - a tuple of three ints – in which case, the first <cite&int</cite& is used for the depth dimension, the second <cite&int</cite& for the height dimension and the third <cite&int</cite& for the width dimension

Parameters

  • kernel_size – the size of the window to take a max over
  • stride – the stride of the window. Default value is kernel_size
  • 填充 –在所有三个面上都添加隐式零填充
  • dilation – a parameter that controls the stride of elements in the window
  • return_indices –如果True,将返回最大索引以及输出。 以后对 torch.nn.MaxUnpool3d 有用
  • ceil_mode – when True, will use <cite>ceil</cite> instead of <cite>floor</cite> to compute the output shape

Shape:

  • 输入:img

  • 输出:img,其中

img

img

img

Examples:

>>> # pool of square window of size=3, stride=2
>>> m = nn.MaxPool3d(3, stride=2)
>>> # pool of non-square window
>>> m = nn.MaxPool3d((3, 2, 2), stride=(2, 1, 2))
>>> input = torch.randn(20, 16, 50,44, 31)
>>> output = m(input)

MaxUnpool1d

class torch.nn.MaxUnpool1d(kernel_size, stride=None, padding=0)¶

计算 MaxPool1d 的局部逆。

MaxPool1d 不能完全反转,因为会丢失非最大值。

MaxUnpool1d 接收包括最大值索引在内的 MaxPool1d 的输出作为输入,并计算一个部分逆,其中所有非最大值都设置为零。

Note

MaxPool1d 可以将多个输入大小映射到相同的输出大小。 因此,反转过程可能会变得模棱两可。 为了解决这个问题,您可以在前进调用中提供所需的输出大小作为附加参数output_size。 请参阅下面的输入和示例。

Parameters

  • kernel_size (python:int 元组)–最大池窗口的大小。
  • 跨度 (python:int 元组)–最大合并窗口的跨度。 默认设置为kernel_size
  • 填充 (python:int 元组)–已添加到输入中的填充

Inputs:

  • <cite>输入</cite>:输入张量反转
  • <cite>指标</cite>: MaxPool1d 给出的指标
  • <cite>output_size</cite> (可选):目标输出大小

Shape:

  • 输入:img

  • 输出:img,其中

img

或由呼叫运营商中的output_size给定

Example:

>>> pool = nn.MaxPool1d(2, stride=2, return_indices=True)
>>> unpool = nn.MaxUnpool1d(2, stride=2)
>>> input = torch.tensor([[[1., 2, 3, 4, 5, 6, 7, 8]]])
>>> output, indices = pool(input)
>>> unpool(output, indices)
tensor([[[ 0.,  2.,  0.,  4.,  0.,  6.,  0., 8.]]])


>>> # Example showcasing the use of output_size
>>> input = torch.tensor([[[1., 2, 3, 4, 5, 6, 7, 8, 9]]])
>>> output, indices = pool(input)
>>> unpool(output, indices, output_size=input.size())
tensor([[[ 0.,  2.,  0.,  4.,  0.,  6.,  0., 8.,  0.]]])


>>> unpool(output, indices)
tensor([[[ 0.,  2.,  0.,  4.,  0.,  6.,  0., 8.]]])

MaxUnpool2d

class torch.nn.MaxUnpool2d(kernel_size, stride=None, padding=0)¶

计算 MaxPool2d 的局部逆。

MaxPool2d 不能完全反转,因为会丢失非最大值。

MaxUnpool2d 接收包括最大值索引在内的 MaxPool2d 的输出作为输入,并计算一个部分逆,其中所有非最大值都设置为零。

Note

MaxPool2d 可以将多个输入大小映射到相同的输出大小。 因此,反转过程可能会变得模棱两可。 为了解决这个问题,您可以在前进调用中提供所需的输出大小作为附加参数output_size。 请参阅下面的输入和示例。

Parameters

  • kernel_size (python:int or tuple) – Size of the max pooling window.
  • stride (python:int or tuple) – Stride of the max pooling window. It is set to kernel_size by default.
  • padding (python:int or tuple) – Padding that was added to the input

Inputs:

  • <cite>input</cite>: the input Tensor to invert
  • <cite>指标</cite>: MaxPool2d 给出的指标
  • <cite>output_size</cite> (optional): the targeted output size

Shape:

  • Input: img

  • Output: img, where

img

img

or as given by output_size in the call operator

Example:

>>> pool = nn.MaxPool2d(2, stride=2, return_indices=True)
>>> unpool = nn.MaxUnpool2d(2, stride=2)
>>> input = torch.tensor([[[[ 1.,  2,  3,  4],
                            [ 5,  6,  7,  8],
                            [ 9, 10, 11, 12],
                            [13, 14, 15, 16]]]])
>>> output, indices = pool(input)
>>> unpool(output, indices)
tensor([[[[  0.,   0.,   0.,   0.],
          [  0.,   6.,   0.,   8.],
          [  0.,   0.,   0.,   0.],
          [  0.,  14.,   0.,  16.]]]])


>>> # specify a different output size than input size
>>> unpool(output, indices, output_size=torch.Size([1, 1, 5, 5]))
tensor([[[[  0.,   0.,   0.,   0.,   0.],
          [  6.,   0.,   8.,   0.,   0.],
          [  0.,   0.,   0.,  14.,   0.],
          [ 16.,   0.,   0.,   0.,   0.],
          [  0.,   0.,   0.,   0.,   0.]]]])

MaxUnpool3d

class torch.nn.MaxUnpool3d(kernel_size, stride=None, padding=0)¶

计算 MaxPool3d 的局部逆。

MaxPool3d 不能完全反转,因为会丢失非最大值。 MaxUnpool3d 将包含最大值索引的 MaxPool3d 的输出作为输入,并计算将所有非最大值均设置为零的部分逆。

Note

MaxPool3d 可以将多个输入大小映射到相同的输出大小。 因此,反转过程可能会变得模棱两可。 为了解决这个问题,您可以在前进调用中提供所需的输出大小作为附加参数output_size。 请参阅下面的输入部分。

Parameters

  • kernel_size (python:int or tuple) – Size of the max pooling window.
  • stride (python:int or tuple) – Stride of the max pooling window. It is set to kernel_size by default.
  • padding (python:int or tuple) – Padding that was added to the input

Inputs:

  • <cite>input</cite>: the input Tensor to invert
  • <cite>指标</cite>: MaxPool3d 给出的指标
  • <cite>output_size</cite> (optional): the targeted output size

Shape:

  • Input: img

  • Output: img, where

img

img

img

or as given by output_size in the call operator

Example:

>>> # pool of square window of size=3, stride=2
>>> pool = nn.MaxPool3d(3, stride=2, return_indices=True)
>>> unpool = nn.MaxUnpool3d(3, stride=2)
>>> output, indices = pool(torch.randn(20, 16, 51, 33, 15))
>>> unpooled_output = unpool(output, indices)
>>> unpooled_output.size()
torch.Size([20, 16, 51, 33, 15])

平均池 1d

class torch.nn.AvgPool1d(kernel_size, stride=None, padding=0, ceil_mode=False, count_include_pad=True)¶

在由多个输入平面组成的输入信号上应用一维平均池。

在最简单的情况下,具有输入大小img,输出imgkernel_size img的图层的输出值可以精确地描述为:

img

如果padding不为零,则对于padding点的数量,输入将在两侧隐式填充零。

参数kernel_sizestridepadding可以分别是int或一个元素元组。

Parameters

  • kernel_size –窗口的大小
  • stride – the stride of the window. Default value is kernel_size
  • padding – implicit zero padding to be added on both sides
  • ceil_mode – when True, will use <cite>ceil</cite> instead of <cite>floor</cite> to compute the output shape
  • count_include_pad –为 True 时,将在平均计算中包括零填充

Shape:

  • Input: img

  • Output: img, where

img

Examples:

>>> # pool with window of size=3, stride=2
>>> m = nn.AvgPool1d(3, stride=2)
>>> m(torch.tensor([[[1.,2,3,4,5,6,7]]]))
tensor([[[ 2.,  4.,  6.]]])

平均池 2d

class torch.nn.AvgPool2d(kernel_size, stride=None, padding=0, ceil_mode=False, count_include_pad=True, divisor_override=None)¶

在由多个输入平面组成的输入信号上应用 2D 平均池。

In the simplest case, the output value of the layer with input size img, output img and kernel_size img can be precisely described as:

img

If padding is non-zero, then the input is implicitly zero-padded on both sides for padding number of points.

参数kernel_sizestridepadding可以是:

  • a single int – in which case the same value is used for the height and width dimension

    - a tuple of two ints – in which case, the first <cite&int</cite& is used for the height dimension, and the second <cite&int</cite& for the width dimension

Parameters

  • kernel_size – the size of the window
  • stride – the stride of the window. Default value is kernel_size
  • padding – implicit zero padding to be added on both sides
  • ceil_mode – when True, will use <cite>ceil</cite> instead of <cite>floor</cite> to compute the output shape
  • count_include_pad – when True, will include the zero-padding in the averaging calculation
  • divisor_override -如果指定,它将用作除数,否则 attr: <cite>kernel_size</cite>

Shape:

  • Input: img

  • Output: img, where

img

img

Examples:

>>> # pool of square window of size=3, stride=2
>>> m = nn.AvgPool2d(3, stride=2)
>>> # pool of non-square window
>>> m = nn.AvgPool2d((3, 2), stride=(2, 1))
>>> input = torch.randn(20, 16, 50, 32)
>>> output = m(input)

平均池 3d

class torch.nn.AvgPool3d(kernel_size, stride=None, padding=0, ceil_mode=False, count_include_pad=True, divisor_override=None)¶

在由多个输入平面组成的输入信号上应用 3D 平均池。

In the simplest case, the output value of the layer with input size img, output img and kernel_size img can be precisely described as:

img

如果padding不为零,则对于padding点的数量,输入将在所有三个侧面隐式填充零。

参数kernel_sizestride可以是:

  • a single int – in which case the same value is used for the depth, height and width dimension

    - a tuple of three ints – in which case, the first <cite&int</cite& is used for the depth dimension, the second <cite&int</cite& for the height dimension and the third <cite&int</cite& for the width dimension

Parameters

  • kernel_size – the size of the window
  • stride – the stride of the window. Default value is kernel_size
  • padding – implicit zero padding to be added on all three sides
  • ceil_mode – when True, will use <cite>ceil</cite> instead of <cite>floor</cite> to compute the output shape
  • count_include_pad – when True, will include the zero-padding in the averaging calculation
  • divisor_override – if specified, it will be used as divisor, otherwise attr:<cite>kernel_size</cite> will be used

Shape:

  • Input: img

  • Output: img, where

img

img

img

Examples:

>>> # pool of square window of size=3, stride=2
>>> m = nn.AvgPool3d(3, stride=2)
>>> # pool of non-square window
>>> m = nn.AvgPool3d((3, 2, 2), stride=(2, 1, 2))
>>> input = torch.randn(20, 16, 50,44, 31)
>>> output = m(input)

分数最大池 2d

class torch.nn.FractionalMaxPool2d(kernel_size, output_size=None, output_ratio=None, return_indices=False, _random_samples=None)¶

在由多个输入平面组成的输入信号上应用 2D 分数最大池化。

Ben Graham 的论文 Fractional MaxPooling 中详细描述了分数最大池化

img区域中通过由目标输出大小确定的随机步长应用最大合并操作。 输出要素的数量等于输入平面的数量。

Parameters

  • kernel_size –接管最大值的窗口大小。 可以是单个数字 k(对于 k x k 的平方核)或元组<cite>(kh,kw)</cite>
  • output_size – <cite>oH x oW</cite> 形式的图像的目标输出尺寸。 可以是一个元组<cite>(oH,oW)</cite>,也可以是一个正方形图像 <cite>oH x oH</cite> 的一个数字 oH
  • output_ratio –如果希望输出大小与输入大小的比率,可以指定此选项。 这必须是范围为(0,1)的数字或元组
  • return_indices -如果True,则将返回索引以及输出。 有助于传递给nn.MaxUnpool2d()。 默认值:False

例子

>>> # pool of square window of size=3, and target output size 13x12
>>> m = nn.FractionalMaxPool2d(3, output_size=(13, 12))
>>> # pool of square window and target output size being half of input image size
>>> m = nn.FractionalMaxPool2d(3, output_ratio=(0.5, 0.5))
>>> input = torch.randn(20, 16, 50, 32)
>>> output = m(input)

LPPool1d

class torch.nn.LPPool1d(norm_type, kernel_size, stride=None, ceil_mode=False)¶

在由多个输入平面组成的输入信号上应用一维功率平均池。

在每个窗口上,计算的函数为:

img

  • 在 p = img时,获得最大池化
  • 在 p = 1 时,总和池(与平均池成正比)

Note

如果 <cite>p</cite> 的幂的和为零,则此函数的梯度不确定。 在这种情况下,此实现会将梯度设置为零。

Parameters

  • kernel_size –单个整数,窗口的大小
  • 跨度 –一个 int,即窗口的跨度。 默认值为kernel_size
  • ceil_mode – when True, will use <cite>ceil</cite> instead of <cite>floor</cite> to compute the output shape

Shape:

  • Input: img

  • Output: img, where

img

Examples::


>>> # power-2 pool of window of length 3, with stride 2.
>>> m = nn.LPPool1d(2, 3, stride=2)
>>> input = torch.randn(20, 16, 50)
>>> output = m(input)

LPPool2d

class torch.nn.LPPool2d(norm_type, kernel_size, stride=None, ceil_mode=False)¶

在由多个输入平面组成的输入信号上应用 2D 功率平均池。

On each window, the function computed is:

img

  • At p = img, one gets Max Pooling
  • 在 p = 1 时,将获得“汇总池”(与平均池成比例)

The parameters kernel_size, stride can either be:

  • a single int – in which case the same value is used for the height and width dimension

    - a tuple of two ints – in which case, the first <cite&int</cite& is used for the height dimension, and the second <cite&int</cite& for the width dimension

Note

If the sum to the power of <cite>p</cite> is zero, the gradient of this function is not defined. This implementation will set the gradient to zero in this case.

Parameters

  • kernel_size – the size of the window
  • stride – the stride of the window. Default value is kernel_size
  • ceil_mode – when True, will use <cite>ceil</cite> instead of <cite>floor</cite> to compute the output shape

Shape:

  • Input: img

  • Output: img, where

img

img

Examples:

>>> # power-2 pool of square window of size=3, stride=2
>>> m = nn.LPPool2d(2, 3, stride=2)
>>> # pool of non-square window of power 1.2
>>> m = nn.LPPool2d(1.2, (3, 2), stride=(2, 1))
>>> input = torch.randn(20, 16, 50, 32)
>>> output = m(input)

AdaptiveMaxPool1d

class torch.nn.AdaptiveMaxPool1d(output_size, return_indices=False)¶

在由多个输入平面组成的输入信号上应用一维自适应最大池化。

对于任何输入大小,输出大小均为 H。 输出要素的数量等于输入平面的数量。

Parameters

  • output_size –目标输出大小 H
  • return_indices -如果True,则将返回索引以及输出。 传递给 nn.MaxUnpool1d 很有用。 默认值:False

Examples

>>> # target output size of 5
>>> m = nn.AdaptiveMaxPool1d(5)
>>> input = torch.randn(1, 64, 8)
>>> output = m(input)

AdaptiveMaxPool2d

class torch.nn.AdaptiveMaxPool2d(output_size, return_indices=False)¶

在由多个输入平面组成的输入信号上应用 2D 自适应最大池化。

对于任何输入大小,输出大小均为 H xW。 输出要素的数量等于输入平面的数量。

Parameters

  • output_size – H x W 形式的图像的目标输出大小。可以是元组(H,W),也可以是正方形图像 H x H 的单个 H。H 和 W 可以是 intNone表示大小与输入的大小相同。
  • return_indices -如果True,则将返回索引以及输出。 传递给 nn.MaxUnpool2d 很有用。 默认值:False

Examples

>>> # target output size of 5x7
>>> m = nn.AdaptiveMaxPool2d((5,7))
>>> input = torch.randn(1, 64, 8, 9)
>>> output = m(input)
>>> # target output size of 7x7 (square)
>>> m = nn.AdaptiveMaxPool2d(7)
>>> input = torch.randn(1, 64, 10, 9)
>>> output = m(input)
>>> # target output size of 10x7
>>> m = nn.AdaptiveMaxPool2d((None, 7))
>>> input = torch.randn(1, 64, 10, 9)
>>> output = m(input)

AdaptiveMaxPool3d

class torch.nn.AdaptiveMaxPool3d(output_size, return_indices=False)¶

在由多个输入平面组成的输入信号上应用 3D 自适应最大池化。

对于任何输入大小,输出大小均为 D xH xW。 输出要素的数量等于输入平面的数量。

Parameters

  • output_size – D x H x W 形式的图像的目标输出尺寸。可以是一个元组(D,H,W),也可以是一个多维数据集 D x D x D 的单个 D。D, H 和 W 可以是intNone,这意味着大小将与输入的大小相同。
  • return_indices -如果True,则将返回索引以及输出。 传递给 nn.MaxUnpool3d 很有用。 默认值:False

Examples

>>> # target output size of 5x7x9
>>> m = nn.AdaptiveMaxPool3d((5,7,9))
>>> input = torch.randn(1, 64, 8, 9, 10)
>>> output = m(input)
>>> # target output size of 7x7x7 (cube)
>>> m = nn.AdaptiveMaxPool3d(7)
>>> input = torch.randn(1, 64, 10, 9, 8)
>>> output = m(input)
>>> # target output size of 7x9x8
>>> m = nn.AdaptiveMaxPool3d((7, None, None))
>>> input = torch.randn(1, 64, 10, 9, 8)
>>> output = m(input)

AdaptiveAvgPool1d

class torch.nn.AdaptiveAvgPool1d(output_size)¶

在由多个输入平面组成的输入信号上应用一维自适应平均池。

The output size is H, for any input size. The number of output features is equal to the number of input planes.

Parameters

output_size – the target output size H

Examples

>>> # target output size of 5
>>> m = nn.AdaptiveAvgPool1d(5)
>>> input = torch.randn(1, 64, 8)
>>> output = m(input)

AdaptiveAvgPool2d

class torch.nn.AdaptiveAvgPool2d(output_size)¶

在由多个输入平面组成的输入信号上应用 2D 自适应平均池。

The output is of size H x W, for any input size. The number of output features is equal to the number of input planes.

Parameters

output_size – the target output size of the image of the form H x W. Can be a tuple (H, W) or a single H for a square image H x H. H and W can be either a int, or None which means the size will be the same as that of the input.

Examples

>>> # target output size of 5x7
>>> m = nn.AdaptiveAvgPool2d((5,7))
>>> input = torch.randn(1, 64, 8, 9)
>>> output = m(input)
>>> # target output size of 7x7 (square)
>>> m = nn.AdaptiveAvgPool2d(7)
>>> input = torch.randn(1, 64, 10, 9)
>>> output = m(input)
>>> # target output size of 10x7
>>> m = nn.AdaptiveMaxPool2d((None, 7))
>>> input = torch.randn(1, 64, 10, 9)
>>> output = m(input)

AdaptiveAvgPool3d

class torch.nn.AdaptiveAvgPool3d(output_size)¶

在由多个输入平面组成的输入信号上应用 3D 自适应平均池。

The output is of size D x H x W, for any input size. The number of output features is equal to the number of input planes.

Parameters

output_size – D x H x W 形式的目标输出大小。可以是元组(D,H,W),也可以是多维数据集 D xD x D 的单个数字 D。D,H 和 W 可以是intNone,这意味着大小将与输入的大小相同。

Examples

>>> # target output size of 5x7x9
>>> m = nn.AdaptiveAvgPool3d((5,7,9))
>>> input = torch.randn(1, 64, 8, 9, 10)
>>> output = m(input)
>>> # target output size of 7x7x7 (cube)
>>> m = nn.AdaptiveAvgPool3d(7)
>>> input = torch.randn(1, 64, 10, 9, 8)
>>> output = m(input)
>>> # target output size of 7x9x8
>>> m = nn.AdaptiveMaxPool3d((7, None, None))
>>> input = torch.randn(1, 64, 10, 9, 8)
>>> output = m(input)

填充层

ReflectionPad1d

class torch.nn.ReflectionPad1d(padding)¶

使用输入边界的反射来填充输入张量。

对于 <cite>N</cite> 维填充,请使用 torch.nn.functional.pad()

Parameters

填充 (python:int 元组)–填充的大小。 如果为 <cite>int</cite> ,则在所有边界中使用相同的填充。 如果 2- <cite>元组</cite>,则使用(imgimg

Shape:

  • 输入:img

  • 输出:img其中

img

Examples:

>>> m = nn.ReflectionPad1d(2)
>>> input = torch.arange(8, dtype=torch.float).reshape(1, 2, 4)
>>> input
tensor([[[0., 1., 2., 3.],
         [4., 5., 6., 7.]]])
>>> m(input)
tensor([[[2., 1., 0., 1., 2., 3., 2., 1.],
         [6., 5., 4., 5., 6., 7., 6., 5.]]])
>>> # using different paddings for different sides
>>> m = nn.ReflectionPad1d((3, 1))
>>> m(input)
tensor([[[3., 2., 1., 0., 1., 2., 3., 2.],
         [7., 6., 5., 4., 5., 6., 7., 6.]]])

ReflectionPad2d

class torch.nn.ReflectionPad2d(padding)¶

Pads the input tensor using the reflection of the input boundary.

For <cite>N</cite>-dimensional padding, use torch.nn.functional.pad().

Parameters

填充 (python:int 元组)–填充的大小。 如果为 <cite>int</cite> ,则在所有边界中使用相同的填充。 如果是 4- <cite>元组</cite>,则使用(imgimgimgimg

Shape:

  • Input: img

  • 输出:img其中

img

img

Examples:

>>> m = nn.ReflectionPad2d(2)
>>> input = torch.arange(9, dtype=torch.float).reshape(1, 1, 3, 3)
>>> input
tensor([[[[0., 1., 2.],
          [3., 4., 5.],
          [6., 7., 8.]]]])
>>> m(input)
tensor([[[[8., 7., 6., 7., 8., 7., 6.],
          [5., 4., 3., 4., 5., 4., 3.],
          [2., 1., 0., 1., 2., 1., 0.],
          [5., 4., 3., 4., 5., 4., 3.],
          [8., 7., 6., 7., 8., 7., 6.],
          [5., 4., 3., 4., 5., 4., 3.],
          [2., 1., 0., 1., 2., 1., 0.]]]])
>>> # using different paddings for different sides
>>> m = nn.ReflectionPad2d((1, 1, 2, 0))
>>> m(input)
tensor([[[[7., 6., 7., 8., 7.],
          [4., 3., 4., 5., 4.],
          [1., 0., 1., 2., 1.],
          [4., 3., 4., 5., 4.],
          [7., 6., 7., 8., 7.]]]])

复制板 1d

class torch.nn.ReplicationPad1d(padding)¶

使用输入边界的复制来填充输入张量。

For <cite>N</cite>-dimensional padding, use torch.nn.functional.pad().

Parameters

padding (python:int__, tuple) – the size of the padding. If is <cite>int</cite>, uses the same padding in all boundaries. If a 2-<cite>tuple</cite>, uses (img, img)

Shape:

  • Input: img

  • Output: img where

img

Examples:

>>> m = nn.ReplicationPad1d(2)
>>> input = torch.arange(8, dtype=torch.float).reshape(1, 2, 4)
>>> input
tensor([[[0., 1., 2., 3.],
         [4., 5., 6., 7.]]])
>>> m(input)
tensor([[[0., 0., 0., 1., 2., 3., 3., 3.],
         [4., 4., 4., 5., 6., 7., 7., 7.]]])
>>> # using different paddings for different sides
>>> m = nn.ReplicationPad1d((3, 1))
>>> m(input)
tensor([[[0., 0., 0., 0., 1., 2., 3., 3.],
         [4., 4., 4., 4., 5., 6., 7., 7.]]])

复制板 2d

class torch.nn.ReplicationPad2d(padding)¶

Pads the input tensor using replication of the input boundary.

For <cite>N</cite>-dimensional padding, use torch.nn.functional.pad().

Parameters

padding (python:int__, tuple) – the size of the padding. If is <cite>int</cite>, uses the same padding in all boundaries. If a 4-<cite>tuple</cite>, uses (img, img, img, img)

Shape:

  • Input: img

  • Output: img where

img

img

Examples:

>>> m = nn.ReplicationPad2d(2)
>>> input = torch.arange(9, dtype=torch.float).reshape(1, 1, 3, 3)
>>> input
tensor([[[[0., 1., 2.],
          [3., 4., 5.],
          [6., 7., 8.]]]])
>>> m(input)
tensor([[[[0., 0., 0., 1., 2., 2., 2.],
          [0., 0., 0., 1., 2., 2., 2.],
          [0., 0., 0., 1., 2., 2., 2.],
          [3., 3., 3., 4., 5., 5., 5.],
          [6., 6., 6., 7., 8., 8., 8.],
          [6., 6., 6., 7., 8., 8., 8.],
          [6., 6., 6., 7., 8., 8., 8.]]]])
>>> # using different paddings for different sides
>>> m = nn.ReplicationPad2d((1, 1, 2, 0))
>>> m(input)
tensor([[[[0., 0., 1., 2., 2.],
          [0., 0., 1., 2., 2.],
          [0., 0., 1., 2., 2.],
          [3., 3., 4., 5., 5.],
          [6., 6., 7., 8., 8.]]]])

复制板 3d

class torch.nn.ReplicationPad3d(padding)¶

Pads the input tensor using replication of the input boundary.

For <cite>N</cite>-dimensional padding, use torch.nn.functional.pad().

Parameters

填充 (python:int 元组)–填充的大小。 如果为 <cite>int</cite> ,则在所有边界中使用相同的填充。 如果是 6-<cite>元组</cite>,则使用(imgimgimgimgimgimg

Shape:

  • Input: img

  • 输出:img其中

img

img

img

Examples:

>>> m = nn.ReplicationPad3d(3)
>>> input = torch.randn(16, 3, 8, 320, 480)
>>> output = m(input)
>>> # using different paddings for different sides
>>> m = nn.ReplicationPad3d((3, 3, 6, 6, 1, 1))
>>> output = m(input)

ZeroPad2d

class torch.nn.ZeroPad2d(padding)¶

用零填充输入张量边界。

For <cite>N</cite>-dimensional padding, use torch.nn.functional.pad().

Parameters

padding (python:int__, tuple) – the size of the padding. If is <cite>int</cite>, uses the same padding in all boundaries. If a 4-<cite>tuple</cite>, uses (img, img, img, img)

Shape:

  • Input: img

  • Output: img where

img

img

Examples:

>>> m = nn.ZeroPad2d(2)
>>> input = torch.randn(1, 1, 3, 3)
>>> input
tensor([[[[-0.1678, -0.4418,  1.9466],
          [ 0.9604, -0.4219, -0.5241],
          [-0.9162, -0.5436, -0.6446]]]])
>>> m(input)
tensor([[[[ 0.0000,  0.0000,  0.0000,  0.0000,  0.0000,  0.0000,  0.0000],
          [ 0.0000,  0.0000,  0.0000,  0.0000,  0.0000,  0.0000,  0.0000],
          [ 0.0000,  0.0000, -0.1678, -0.4418,  1.9466,  0.0000,  0.0000],
          [ 0.0000,  0.0000,  0.9604, -0.4219, -0.5241,  0.0000,  0.0000],
          [ 0.0000,  0.0000, -0.9162, -0.5436, -0.6446,  0.0000,  0.0000],
          [ 0.0000,  0.0000,  0.0000,  0.0000,  0.0000,  0.0000,  0.0000],
          [ 0.0000,  0.0000,  0.0000,  0.0000,  0.0000,  0.0000,  0.0000]]]])
>>> # using different paddings for different sides
>>> m = nn.ZeroPad2d((1, 1, 2, 0))
>>> m(input)
tensor([[[[ 0.0000,  0.0000,  0.0000,  0.0000,  0.0000],
          [ 0.0000,  0.0000,  0.0000,  0.0000,  0.0000],
          [ 0.0000, -0.1678, -0.4418,  1.9466,  0.0000],
          [ 0.0000,  0.9604, -0.4219, -0.5241,  0.0000],
          [ 0.0000, -0.9162, -0.5436, -0.6446,  0.0000]]]])

ConstantPad1d

class torch.nn.ConstantPad1d(padding, value)¶

用恒定值填充输入张量边界。

For <cite>N</cite>-dimensional padding, use torch.nn.functional.pad().

Parameters

填充 (python:int 元组)–填充的大小。 如果为 <cite>int</cite> ,则在两个边界中使用相同的填充。 如果 2- <cite>元组</cite>,则使用(imgimg

Shape:

  • Input: img

  • Output: img where

img

Examples:

>>> m = nn.ConstantPad1d(2, 3.5)
>>> input = torch.randn(1, 2, 4)
>>> input
tensor([[[-1.0491, -0.7152, -0.0749,  0.8530],
         [-1.3287,  1.8966,  0.1466, -0.2771]]])
>>> m(input)
tensor([[[ 3.5000,  3.5000, -1.0491, -0.7152, -0.0749,  0.8530,  3.5000,
           3.5000],
         [ 3.5000,  3.5000, -1.3287,  1.8966,  0.1466, -0.2771,  3.5000,
           3.5000]]])
>>> m = nn.ConstantPad1d(2, 3.5)
>>> input = torch.randn(1, 2, 3)
>>> input
tensor([[[ 1.6616,  1.4523, -1.1255],
         [-3.6372,  0.1182, -1.8652]]])
>>> m(input)
tensor([[[ 3.5000,  3.5000,  1.6616,  1.4523, -1.1255,  3.5000,  3.5000],
         [ 3.5000,  3.5000, -3.6372,  0.1182, -1.8652,  3.5000,  3.5000]]])
>>> # using different paddings for different sides
>>> m = nn.ConstantPad1d((3, 1), 3.5)
>>> m(input)
tensor([[[ 3.5000,  3.5000,  3.5000,  1.6616,  1.4523, -1.1255,  3.5000],
         [ 3.5000,  3.5000,  3.5000, -3.6372,  0.1182, -1.8652,  3.5000]]])

ConstantPad2d

class torch.nn.ConstantPad2d(padding, value)¶

Pads the input tensor boundaries with a constant value.

For <cite>N</cite>-dimensional padding, use torch.nn.functional.pad().

Parameters

padding (python:int__, tuple) – the size of the padding. If is <cite>int</cite>, uses the same padding in all boundaries. If a 4-<cite>tuple</cite>, uses (img, img, img, img)

Shape:

  • Input: img

  • Output: img where

img

img

Examples:

>>> m = nn.ConstantPad2d(2, 3.5)
>>> input = torch.randn(1, 2, 2)
>>> input
tensor([[[ 1.6585,  0.4320],
         [-0.8701, -0.4649]]])
>>> m(input)
tensor([[[ 3.5000,  3.5000,  3.5000,  3.5000,  3.5000,  3.5000],
         [ 3.5000,  3.5000,  3.5000,  3.5000,  3.5000,  3.5000],
         [ 3.5000,  3.5000,  1.6585,  0.4320,  3.5000,  3.5000],
         [ 3.5000,  3.5000, -0.8701, -0.4649,  3.5000,  3.5000],
         [ 3.5000,  3.5000,  3.5000,  3.5000,  3.5000,  3.5000],
         [ 3.5000,  3.5000,  3.5000,  3.5000,  3.5000,  3.5000]]])
>>> # using different paddings for different sides
>>> m = nn.ConstantPad2d((3, 0, 2, 1), 3.5)
>>> m(input)
tensor([[[ 3.5000,  3.5000,  3.5000,  3.5000,  3.5000],
         [ 3.5000,  3.5000,  3.5000,  3.5000,  3.5000],
         [ 3.5000,  3.5000,  3.5000,  1.6585,  0.4320],
         [ 3.5000,  3.5000,  3.5000, -0.8701, -0.4649],
         [ 3.5000,  3.5000,  3.5000,  3.5000,  3.5000]]])

ConstantPad3d

class torch.nn.ConstantPad3d(padding, value)¶

Pads the input tensor boundaries with a constant value.

For <cite>N</cite>-dimensional padding, use torch.nn.functional.pad().

Parameters

padding (python:int__, tuple) – the size of the padding. If is <cite>int</cite>, uses the same padding in all boundaries. If a 6-<cite>tuple</cite>, uses (img, img, img, img, img, img)

Shape:

  • Input: img

  • Output: img where

img

img

img

Examples:

>>> m = nn.ConstantPad3d(3, 3.5)
>>> input = torch.randn(16, 3, 10, 20, 30)
>>> output = m(input)
>>> # using different paddings for different sides
>>> m = nn.ConstantPad3d((3, 3, 6, 6, 0, 1), 3.5)
>>> output = m(input)

非线性激活(加权和,非线性)

ELU

class torch.nn.ELU(alpha=1.0, inplace=False)¶

应用逐元素函数:

img

Parameters

  • alpha – ELU 公式的img值。 默认值:1.0
  • 就地 –可以选择就地进行操作。 默认值:False

Shape:

  • 输入:img其中 <cite>*</cite> 表示任意数量的附加尺寸
  • 输出:img,形状与输入相同

_images/ELU.png

Examples:

>>> m = nn.ELU()
>>> input = torch.randn(2)
>>> output = m(input)

硬收缩

class torch.nn.Hardshrink(lambd=0.5)¶

逐个应用硬收缩功能:

img

Parameters

lambd – Hardshrink 配方的img值。 默认值:0.5

Shape:

  • Input: img where <cite>*</cite> means, any number of additional dimensions
  • Output: img, same shape as the input

_images/Hardshrink.png

Examples:

>>> m = nn.Hardshrink()
>>> input = torch.randn(2)
>>> output = m(input)

哈丹

class torch.nn.Hardtanh(min_val=-1.0, max_val=1.0, inplace=False, min_value=None, max_value=None)¶

逐个应用 HardTanh 函数

HardTanh 定义为:

img

线性区域img的范围可以使用min_valmax_val进行调整。

Parameters

  • min_val –线性区域范围的最小值。 默认值:-1
  • max_val –线性区域范围的最大值。 默认值:1
  • inplace – can optionally do the operation in-place. Default: False

不推荐使用关键字参数min_valuemax_value,而推荐使用min_valmax_val

Shape:

  • Input: img where <cite>*</cite> means, any number of additional dimensions
  • Output: img, same shape as the input

_images/Hardtanh.png

Examples:

>>> m = nn.Hardtanh(-2, 2)
>>> input = torch.randn(2)
>>> output = m(input)

漏尿

class torch.nn.LeakyReLU(negative_slope=0.01, inplace=False)¶

Applies the element-wise function:

img

要么

img

Parameters

  • negative_slope –控制负斜率的角度。 默认值:1e-2
  • inplace – can optionally do the operation in-place. Default: False

Shape:

  • Input: img where <cite>*</cite> means, any number of additional dimensions
  • Output: img, same shape as the input

_images/LeakyReLU.png

Examples:

>>> m = nn.LeakyReLU(0.1)
>>> input = torch.randn(2)
>>> output = m(input)

LogSigmoid

class torch.nn.LogSigmoid¶

Applies the element-wise function:

img

Shape:

  • Input: img where <cite>*</cite> means, any number of additional dimensions
  • Output: img, same shape as the input

_images/LogSigmoid.png

Examples:

>>> m = nn.LogSigmoid()
>>> input = torch.randn(2)
>>> output = m(input)

多头注意力

class torch.nn.MultiheadAttention(embed_dim, num_heads, dropout=0.0, bias=True, add_bias_kv=False, add_zero_attn=False, kdim=None, vdim=None)¶

允许模型共同关注来自不同表示子空间的信息。 请参阅参考:注意就是您所需要的

img

Parameters

  • embed_dim -模型的总尺寸。
  • num_heads –平行注意头。
  • dropout – attn_output_weights 上的 Dropout 层。 默认值:0.0
  • 偏置 –将偏置添加为模块参数。 默认值:True。
  • add_bias_kv –将偏差添加到键和值序列的 dim = 0。
  • add_zero_attn –将新一批零添加到调暗值为 1 的键和值序列。
  • kdim -密钥中的功能总数。 默认值:无。
  • vdim -密钥中的功能总数。 默认值:无。
  • 注意 –如果 kdim 和 vdim 为 None,则将它们设置为 embed_dim,以便
  • 键和值具有相同数量的功能。 (查询 )–

Examples:

>>> multihead_attn = nn.MultiheadAttention(embed_dim, num_heads)
>>> attn_output, attn_output_weights = multihead_attn(query, key, value)

forward(query, key, value, key_padding_mask=None, need_weights=True, attn_mask=None)¶

Parameters

  • 键,值(查询 )–将查询和一组键值对映射到输出。 有关更多详细信息,请参见“注意就是全部”。
  • key_padding_mask –如果提供,则将忽略按键中指定的填充元素。 这是一个二进制掩码。 当值为 True 时,注意层上的相应值将用-inf 填充。
  • need_weights -输出 attn_output_weights。
  • attn_mask –防止注意某些位置的遮罩。 这是一个附加蒙版(即这些值将添加到关注层)。

Shape:

  • 输入:
  • 查询:img其中 L 是目标序列长度,N 是批处理大小,E 是嵌入维数。
  • 密钥:img,其中 S 是源序列长度,N 是批处理大小,E 是嵌入维数。
  • 值:img其中 S 是源序列长度,N 是批处理大小,E 是嵌入维数。
  • key_padding_mask:img,ByteTensor,其中 N 是批处理大小,S 是源序列长度。
  • attn_mask:img其中 L 是目标序列长度,S 是源序列长度。
  • 输出:
  • attn_output:img其中 L 是目标序列长度,N 是批处理大小,E 是嵌入维数。
  • attn_output_weights:img其中 N 是批处理大小,L 是目标序列长度,S 是源序列长度。

预备

class torch.nn.PReLU(num_parameters=1, init=0.25)¶

Applies the element-wise function:

img

or

img

此处img是可学习的参数。 当不带参数调用时, <cite>nn.PReLU()</cite>在所有输入通道上使用单个参数img。 如果使用 <cite>nn.PReLU(nChannels)</cite>进行调用,则每个输入通道将使用单独的img

Note

学习img以获得良好性能时,不应使用重量衰减。

Note

通道暗淡是输入的第二暗淡。 当输入的亮度为< 2 时,则不存在通道的亮度,并且通道数= 1。

Parameters

  • num_parameters (python:int )–要学习的img的数量。 尽管将 int 作为输入,但是只有两个值是合法的:1,即输入的通道数。 默认值:1
  • 初始 (python:float )– img的初始值。 默认值:0.25

Shape:

  • Input: img where <cite>*</cite> means, any number of additional dimensions
  • Output: img, same shape as the input

Variables

〜PReLU.weight (tensor)–可学习的形状权重(num_parameters)。

_images/PReLU.png

Examples:

>>> m = nn.PReLU()
>>> input = torch.randn(2)
>>> output = m(input)

ReLU

class torch.nn.ReLU(inplace=False)¶

将整流的线性单位函数按元素应用:

img

Parameters

inplace – can optionally do the operation in-place. Default: False

Shape:

  • Input: img where <cite>*</cite> means, any number of additional dimensions
  • Output: img, same shape as the input

_images/ReLU.png

Examples:

  >>> m = nn.ReLU()
  >>> input = torch.randn(2)
  >>> output = m(input)


An implementation of CReLU - https://arxiv.org/abs/1603.05201


  >>> m = nn.ReLU()
  >>> input = torch.randn(2).unsqueeze(0)
  >>> output = torch.cat((m(input),m(-input)))

ReLU6

class torch.nn.ReLU6(inplace=False)¶

Applies the element-wise function:

img

Parameters

inplace – can optionally do the operation in-place. Default: False

Shape:

  • Input: img where <cite>*</cite> means, any number of additional dimensions
  • Output: img, same shape as the input

_images/ReLU6.png

Examples:

>>> m = nn.ReLU6()
>>> input = torch.randn(2)
>>> output = m(input)

RReLU

class torch.nn.RReLU(lower=0.125, upper=0.3333333333333333, inplace=False)¶

如本文所述,按元素应用随机泄漏的整流衬套单元功能:

卷积网络中修正激活的经验评估。

该函数定义为:

img

其中img是从均匀分布img中随机抽样的。

参见: https://arxiv.org/pdf/1505.00853.pdf

Parameters

  • -均匀分布的下限。 默认值:img
  • 上限 –均匀分布的上限。 默认值:img
  • inplace – can optionally do the operation in-place. Default: False

Shape:

  • Input: img where <cite>*</cite> means, any number of additional dimensions
  • Output: img, same shape as the input

Examples:

>>> m = nn.RReLU(0.1, 0.3)
>>> input = torch.randn(2)
>>> output = m(input)

SELU

class torch.nn.SELU(inplace=False)¶

按元素应用,例如:

img

imgimg

更多细节可以在论文自归一化神经网络中找到。

Parameters

原位 (bool 可选)–可以选择就地进行操作。 默认值:False

Shape:

  • Input: img where <cite>*</cite> means, any number of additional dimensions
  • Output: img, same shape as the input

_images/SELU.png

Examples:

>>> m = nn.SELU()
>>> input = torch.randn(2)
>>> output = m(input)

中央图书馆

class torch.nn.CELU(alpha=1.0, inplace=False)¶

Applies the element-wise function:

img

可以在论文连续微分指数线性单位中找到更多详细信息。

Parameters

  • alpha – CELU 配方的img值。 默认值:1.0
  • inplace – can optionally do the operation in-place. Default: False

Shape:

  • Input: img where <cite>*</cite> means, any number of additional dimensions
  • Output: img, same shape as the input

_images/CELU.png

Examples:

>>> m = nn.CELU()
>>> input = torch.randn(2)
>>> output = m(input)

格鲁

class torch.nn.GELU¶

应用高斯误差线性单位函数:

img

其中img是高斯分布的累积分布函数。

Shape:

  • Input: img where <cite>*</cite> means, any number of additional dimensions
  • Output: img, same shape as the input

_images/GELU.png

Examples:

>>> m = nn.GELU()
>>> input = torch.randn(2)
>>> output = m(input)

乙状结肠

class torch.nn.Sigmoid¶

Applies the element-wise function:

img

Shape:

  • Input: img where <cite>*</cite> means, any number of additional dimensions
  • Output: img, same shape as the input

_images/Sigmoid.png

Examples:

>>> m = nn.Sigmoid()
>>> input = torch.randn(2)
>>> output = m(input)

软加

class torch.nn.Softplus(beta=1, threshold=20)¶

Applies the element-wise function:

img

SoftPlus 是 ReLU 函数的平滑近似,可用于将机器的输出约束为始终为正。

为了获得数值稳定性,对于超过一定值的输入,实现将恢复为线性函数。

Parameters

  • beta – Softplus 制剂的img值。 默认值:1
  • 阈值 –高于此阈值的值恢复为线性函数。 默认值:20

Shape:

  • Input: img where <cite>*</cite> means, any number of additional dimensions
  • Output: img, same shape as the input

_images/Softplus.png

Examples:

>>> m = nn.Softplus()
>>> input = torch.randn(2)
>>> output = m(input)

软缩

class torch.nn.Softshrink(lambd=0.5)¶

逐个应用软收缩功能:

img

Parameters

lambd –软收缩配方的img值。 默认值:0.5

Shape:

  • Input: img where <cite>*</cite> means, any number of additional dimensions
  • Output: img, same shape as the input

_images/Softshrink.png

Examples:

>>> m = nn.Softshrink()
>>> input = torch.randn(2)
>>> output = m(input)

软签

class torch.nn.Softsign¶

Applies the element-wise function:

img

Shape:

  • Input: img where <cite>*</cite> means, any number of additional dimensions
  • Output: img, same shape as the input

_images/Softsign.png

Examples:

>>> m = nn.Softsign()
>>> input = torch.randn(2)
>>> output = m(input)

h

class torch.nn.Tanh¶

Applies the element-wise function:

img

Shape:

  • Input: img where <cite>*</cite> means, any number of additional dimensions
  • Output: img, same shape as the input

_images/Tanh.png

Examples:

>>> m = nn.Tanh()
>>> input = torch.randn(2)
>>> output = m(input)

Tanhshrink

class torch.nn.Tanhshrink¶

Applies the element-wise function:

img

Shape:

  • Input: img where <cite>*</cite> means, any number of additional dimensions
  • Output: img, same shape as the input

_images/Tanhshrink.png

Examples:

>>> m = nn.Tanhshrink()
>>> input = torch.randn(2)
>>> output = m(input)

class torch.nn.Threshold(threshold, value, inplace=False)¶

设置输入张量的每个元素的阈值。

阈值定义为:

img

Parameters

  • 阈值 –达到阈值的值
  • –要替换为的值
  • inplace – can optionally do the operation in-place. Default: False

Shape:

  • Input: img where <cite>*</cite> means, any number of additional dimensions
  • Output: img, same shape as the input

Examples:

>>> m = nn.Threshold(0.1, 20)
>>> input = torch.randn(2)
>>> output = m(input)

非线性激活(其他)

软敏

class torch.nn.Softmin(dim=None)¶

将 Softmin 函数应用于缩放后的 n 维输入张量,以便 n 维输出张量的元素在 <cite>[0,1]</cite> 范围内,总和为 1。

Softmin 定义为:

img

Shape:

  • 输入:img其中 <cite>*</cite> 表示任意数量的附加尺寸
  • 输出:img,形状与输入相同

Parameters

dim (python:int )–将计算 Softmin 的维度(因此,沿着 dim 的每个切片的总和为 1)。

Returns

与输入具有相同尺寸和形状的张量,其值在[0,1]范围内

Examples:

>>> m = nn.Softmin()
>>> input = torch.randn(2, 3)
>>> output = m(input)

软最大

class torch.nn.Softmax(dim=None)¶

将 Softmax 函数应用于缩放后的 n 维输入 Tensor,以使 n 维输出 Tensor 的元素在[0,1]范围内,总和为 1。

Softmax 定义为:

img

Shape:

  • Input: img where <cite>*</cite> means, any number of additional dimensions
  • Output: img, same shape as the input

Returns

与输入具有相同尺寸和形状的张量,其值在[0,1]范围内

Parameters

dim (python:int )–将计算 Softmax 的维度(因此,沿着 dim 的每个切片的总和为 1)。

Note

该模块无法直接与 NLLLoss 配合使用,后者希望 Log 是在 Softmax 及其自身之间进行计算的。 请改用 <cite>LogSoftmax</cite> (速度更快,并且具有更好的数值属性)。

Examples:

>>> m = nn.Softmax(dim=1)
>>> input = torch.randn(2, 3)
>>> output = m(input)

Softmax2d

class torch.nn.Softmax2d¶

将 SoftMax 应用于要素上的每个空间位置。

当给定Channels x Height x Width的图像时,它将 <cite>Softmax</cite> 应用于每个位置img

Shape:

  • 输入:img
  • 输出:img(形状与输入相同)

Returns

a Tensor of the same dimension and shape as the input with values in the range [0, 1]

Examples:

>>> m = nn.Softmax2d()
>>> # you softmax over the 2nd dimension
>>> input = torch.randn(2, 3, 12, 13)
>>> output = m(input)

LogSoftmax

class torch.nn.LogSoftmax(dim=None)¶

img功能应用于 n 维输入张量。 LogSoftmax 公式可以简化为:

img

Shape:

  • Input: img where <cite>*</cite> means, any number of additional dimensions
  • Output: img, same shape as the input

Parameters

暗淡的 (python:int )–用来计算 LogSoftmax 的尺寸。

Returns

与输入具有相同尺寸和形状的张量,其值在[-inf,0)范围内

Examples:

>>> m = nn.LogSoftmax()
>>> input = torch.randn(2, 3)
>>> output = m(input)

AdaptiveLogSoftmaxWithLoss

class torch.nn.AdaptiveLogSoftmaxWithLoss(in_features, n_classes, cutoffs, div_value=4.0, head_bias=False)¶

如 Edouard Grave,Armand Joulin,MoustaphaCissé,David Grangier 和 HervéJégou 在中针对 GPU 所述的高效 softmax 逼近。

自适应 softmax 是用于训练具有大输出空间的模型的近似策略。 当标签分布高度不平衡时,例如在自然语言建模中,单词频率分布大致遵循 Zipf 定律时,此方法最为有效。

自适应 softmax 根据标签的频率将标签划分为几个簇。 这些集群每个可能包含不同数量的目标。 此外,包含较少标签的群集将较低维的嵌入分配给这些标签,从而加快了计算速度。 对于每个小批量,仅评估至少存在一个目标的集群。

这个想法是,频繁访问的集群(如第一个集群,包含最频繁的标签),也应该便宜计算-也就是说,包含少量分配的标签。

我们强烈建议您查看原始文件以了解更多详细信息。

  • cutoffs应该是按升序排序的有序整数序列。 它控制集群的数量以及将目标划分为集群。 例如,设置cutoffs = [10, 100, 1000]意味着第一个 <cite>10 个</cite>目标将分配给自适应 softmax 的“头部”,目标 <cite>11、12,…,100 个</cite>将分配给第一个目标 集群,目标 <cite>101、102,…,1000</cite> 将分配给第二个集群,而目标 <cite>1001、1002,…,n_classes-1</cite> 将分配给最后一个,第三个 簇。
  • div_value用于计算每个附加聚类的大小,以img的形式给出,其中img是聚类索引(具有较少索引的聚类具有较大索引,而聚类从img开始)。
  • head_bias如果设置为 True,则会向自适应 softmax 的“头部”添加一个偏差项。 有关详细信息,请参见纸张。 在官方实现中设置为 False。

Warning

传递给该模块的标签应根据其频率进行分类。 这意味着最频繁的标签应由索引 <cite>0</cite> 表示,最不频繁的标签应由索引 <cite>n_classes-1</cite> 表示。

Note

该模块返回带有outputloss字段的NamedTuple。 有关详细信息,请参见其他文档。

Note

要计算所有类别的对数概率,可以使用log_prob方法。

Parameters

  • in_features (python:int )–输入张量中的特征数
  • n_classes (python:int )–数据集中的类数
  • 临界值(序列)–用于将目标分配给其存储桶的临界值
  • div_value (python:float 可选)–用作计算集群大小的指数的值。 默认值:4.0
  • head_bias (bool 可选)–如果True,则向自适应 softmax 的“ head”添加一个偏差项。 默认值:False

Returns

  • 输出是大小为N的张量,其中包含每个示例的计算目标对数概率
  • 损失是表示计算出的负对数似然损失的标量

Return type

具有outputloss字段的NamedTuple

Shape:

  • 输入:img
  • 目标:img其中每个值都满足img
  • 输出 1:img
  • 输出 2:Scalar

log_prob(input)¶

计算所有img的日志概率

Parameters

输入 (tensor)–小批量示例

Returns

img范围内每个类别img的对数概率,其中img是传递给AdaptiveLogSoftmaxWithLoss构造函数的参数。

Shape:

  • 输入:img
  • 输出:img

predict(input)¶

这等效于 <cite>self.log_pob(input).argmax(dim = 1)</cite>,但在某些情况下效率更高。

Parameters

input (Tensor) – a minibatch of examples

Returns

每个示例中概率最高的类别

Return type

输出(张量)

Shape:

  • Input: img
  • 输出:img

归一化层

BatchNorm1d

class torch.nn.BatchNorm1d(num_features, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)¶

如论文中所述,对 2D 或 3D 输入(具有可选附加通道尺寸的 1D 输入的微型批处理)应用批归一化:通过减少内部协变量偏移加速深度网络训练。

img

均值和标准偏差是在微型批次上按维度计算的,并且imgimg是大小为 <cite>C</cite> 的可学习参数矢量(其中 <cite>C</cite> 是输入大小 )。 默认情况下,img的元素设置为 1,img的元素设置为 0。

同样默认情况下,在训练过程中,该层会继续对其计算的均值和方差进行估算,然后将其用于评估期间的标准化。 运行估计保持默认值momentum 0.1。

如果track_running_stats设置为False,则此层将不保持运行估计,而是在评估期间也使用批处理统计信息。

Note

momentum参数不同于优化程序类中使用的参数以及传统的动量概念。 在数学上,此处用于运行统计信息的更新规则为img,其中img是估计的统计信息,img是新的观测值。

由于批量归一化是在 <cite>C</cite> 维度上完成的,因此要计算<cite>(N,L)</cite>切片的统计信息,因此通常将其称为“时间批量归一化”。

Parameters

  • num_featuresimg来自大小为img的预期输入,或img来自大小为img的输入
  • eps –分母增加的值,以保证数值稳定性。 默认值:1e-5
  • 动量 –用于 running_mean 和 running_var 计算的值。 可以设置为None以获得累积移动平均线(即简单平均线)。 默认值:0.1
  • 仿射 –一个布尔值,当设置为True时,此模块具有可学习的仿射参数。 默认值:True
  • track_running_stats –一个布尔值,设置为True时,此模块跟踪运行平均值和方差;设置为False时,此模块不跟踪此类统计信息,并且始终使用批处理统计信息 训练和评估模式。 默认值:True

Shape:

  • 输入:imgimg
  • 输出:imgimg(形状与输入相同)

Examples:

>>> # With Learnable Parameters
>>> m = nn.BatchNorm1d(100)
>>> # Without Learnable Parameters
>>> m = nn.BatchNorm1d(100, affine=False)
>>> input = torch.randn(20, 100)
>>> output = m(input)

BatchNorm2d

class torch.nn.BatchNorm2d(num_features, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)¶

如论文中所述,对 4D 输入(具有附加通道尺寸的 2D 输入的微型批处理)应用批归一化:通过减少内部协变量偏移来加速深度网络训练。

img

The mean and standard-deviation are calculated per-dimension over the mini-batches and img and img are learnable parameter vectors of size <cite>C</cite> (where <cite>C</cite> is the input size). By default, the elements of img are set to 1 and the elements of img are set to 0.

Also by default, during training this layer keeps running estimates of its computed mean and variance, which are then used for normalization during evaluation. The running estimates are kept with a default momentum of 0.1.

If track_running_stats is set to False, this layer then does not keep running estimates, and batch statistics are instead used during evaluation time as well.

Note

This momentum argument is different from one used in optimizer classes and the conventional notion of momentum. Mathematically, the update rule for running statistics here is img, where img is the estimated statistic and img is the new observed value.

由于批量归一化是在 <cite>C</cite> 维度上完成的,因此要计算<cite>(N,H,W)</cite>切片的统计信息,因此通常将其称为“空间批量归一化”。

Parameters

  • num_featuresimg来自大小为img的预期输入
  • eps – a value added to the denominator for numerical stability. Default: 1e-5
  • momentum – the value used for the running_mean and running_var computation. Can be set to None for cumulative moving average (i.e. simple average). Default: 0.1
  • affine – a boolean value that when set to True, this module has learnable affine parameters. Default: True
  • track_running_stats – a boolean value that when set to True, this module tracks the running mean and variance, and when set to False, this module does not track such statistics and always uses batch statistics in both training and eval modes. Default: True

Shape:

  • Input: img
  • Output: img (same shape as input)

Examples:

>>> # With Learnable Parameters
>>> m = nn.BatchNorm2d(100)
>>> # Without Learnable Parameters
>>> m = nn.BatchNorm2d(100, affine=False)
>>> input = torch.randn(20, 100, 35, 45)
>>> output = m(input)

BatchNorm3d

class torch.nn.BatchNorm3d(num_features, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)¶

如论文中所述,对 5D 输入(具有附加通道尺寸的 3D 输入的微型批处理)应用批归一化:通过减少内部协变量偏移加速深度网络训练。

img

The mean and standard-deviation are calculated per-dimension over the mini-batches and img and img are learnable parameter vectors of size <cite>C</cite> (where <cite>C</cite> is the input size). By default, the elements of img are set to 1 and the elements of img are set to 0.

Also by default, during training this layer keeps running estimates of its computed mean and variance, which are then used for normalization during evaluation. The running estimates are kept with a default momentum of 0.1.

If track_running_stats is set to False, this layer then does not keep running estimates, and batch statistics are instead used during evaluation time as well.

Note

This momentum argument is different from one used in optimizer classes and the conventional notion of momentum. Mathematically, the update rule for running statistics here is img, where img is the estimated statistic and img is the new observed value.

由于批量归一化是在 <cite>C</cite> 维度上完成的,因此要计算<cite>(N,D,H,W)</cite>切片的统计信息,因此通常将这种体积批量归一化或时空称为术语 批处理规范化。

Parameters

  • num_featuresimg来自大小为img的预期输入
  • eps – a value added to the denominator for numerical stability. Default: 1e-5
  • momentum – the value used for the running_mean and running_var computation. Can be set to None for cumulative moving average (i.e. simple average). Default: 0.1
  • affine – a boolean value that when set to True, this module has learnable affine parameters. Default: True
  • track_running_stats – a boolean value that when set to True, this module tracks the running mean and variance, and when set to False, this module does not track such statistics and always uses batch statistics in both training and eval modes. Default: True

Shape:

  • 输入:img
  • 输出:img(形状与输入相同)

Examples:

>>> # With Learnable Parameters
>>> m = nn.BatchNorm3d(100)
>>> # Without Learnable Parameters
>>> m = nn.BatchNorm3d(100, affine=False)
>>> input = torch.randn(20, 100, 35, 45, 10)
>>> output = m(input)

集团规范

class torch.nn.GroupNorm(num_groups, num_channels, eps=1e-05, affine=True)¶

如论文组归一化中所述,将组归一化应用于微型输入。

img

输入通道分为num_groups组,每个组包含num_channels / num_groups通道。 均值和标准差在每个组中分别计算。 如果affineTrue,则imgimg是大小为num_channels的可学习的每通道仿射变换参数矢量。

该层使用在训练和评估模式下从输入数据中计算出的统计信息。

Parameters

  • num_groups (python:int )–将通道分隔为的组数
  • num_channels (python:int )–输入中预期的通道数
  • eps –分母增加的值,以保证数值稳定性。 默认值:1e-5
  • 仿射 –一个布尔值,当设置为True时,此模块具有可学习的每通道仿射参数,分别初始化为 1(用于权重)和零(用于偏差)。 默认值:True

Shape:

  • 输入:img,其中img
  • 输出:img(形状与输入相同)

Examples:

>>> input = torch.randn(20, 6, 10, 10)
>>> # Separate 6 channels into 3 groups
>>> m = nn.GroupNorm(3, 6)
>>> # Separate 6 channels into 6 groups (equivalent with InstanceNorm)
>>> m = nn.GroupNorm(6, 6)
>>> # Put all 6 channels into a single group (equivalent with LayerNorm)
>>> m = nn.GroupNorm(1, 6)
>>> # Activating the module
>>> output = m(input)

SyncBatchNorm

class torch.nn.SyncBatchNorm(num_features, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True, process_group=None)¶

如论文[中所述,对 N 维输入(具有附加通道维的N-2] D 输入的小批量)进行批量归一化批量归一化:通过减少内部协变量偏移加速深度网络训练 。

img

均值和标准偏差是在同一过程组的所有微型批次中按维度计算的。 imgimg是大小为 <cite>C</cite> (其中 <cite>C</cite> 是输入大小)的可学习参数向量。 默认情况下,从img采样img的元素,并将img的元素设置为 0。

Also by default, during training this layer keeps running estimates of its computed mean and variance, which are then used for normalization during evaluation. The running estimates are kept with a default momentum of 0.1.

If track_running_stats is set to False, this layer then does not keep running estimates, and batch statistics are instead used during evaluation time as well.

Note

momentum参数不同于优化程序类中使用的参数以及传统的动量概念。 在数学上,此处用于运行统计信息的更新规则为img,其中img是估计的统计信息,img是新的观测值。

由于批量归一化是在 <cite>C</cite> 维度上完成的,因此要计算<cite>(N,+)</cite>切片的统计信息,因此通常将其称为体积批量归一化或时空批量归一化。

当前,SyncBatchNorm 仅支持每个进程具有单个 GPU 的 DistributedDataParallel。 在使用 DDP 包装网络之前,使用 torch.nn.SyncBatchNorm.convert_sync_batchnorm()将 BatchNorm 层转换为 SyncBatchNorm。

Parameters

  • num_featuresimg来自大小为img的预期输入
  • eps – a value added to the denominator for numerical stability. Default: 1e-5
  • momentum – the value used for the running_mean and running_var computation. Can be set to None for cumulative moving average (i.e. simple average). Default: 0.1
  • affine – a boolean value that when set to True, this module has learnable affine parameters. Default: True
  • track_running_stats – a boolean value that when set to True, this module tracks the running mean and variance, and when set to False, this module does not track such statistics and always uses batch statistics in both training and eval modes. Default: True
  • process_group –统计信息的同步分别在每个进程组内发生。 默认行为是在整个世界范围内同步

Shape:

  • 输入:img
  • 输出:img(形状与输入相同)

Examples:

>>> # With Learnable Parameters
>>> m = nn.SyncBatchNorm(100)
>>> # creating process group (optional)
>>> # process_ids is a list of int identifying rank ids.
>>> process_group = torch.distributed.new_group(process_ids)
>>> # Without Learnable Parameters
>>> m = nn.BatchNorm3d(100, affine=False, process_group=process_group)
>>> input = torch.randn(20, 100, 35, 45, 10)
>>> output = m(input)


>>> # network is nn.BatchNorm layer
>>> sync_bn_network = nn.SyncBatchNorm.convert_sync_batchnorm(network, process_group)
>>> # only single gpu per process is currently supported
>>> ddp_sync_bn_network = torch.nn.parallel.DistributedDataParallel(
>>>                         sync_bn_network,
>>>                         device_ids=[args.local_rank],
>>>                         output_device=args.local_rank)

classmethod convert_sync_batchnorm(module, process_group=None)¶

辅助函数将模型中的 <cite>torch.nn.BatchNormND</cite> 层转换为 <cite>torch.nn.SyncBatchNorm</cite> 层。

Parameters

  • 模块 (nn.Module)–包含模块
  • process_group (可选)–进程组到范围的同步,

默认是整个世界

Returns

具有转换后的 <cite>torch.nn.SyncBatchNorm</cite> 层的原始模块

Example:

>>> # Network with nn.BatchNorm layer
>>> module = torch.nn.Sequential(
>>>            torch.nn.Linear(20, 100),
>>>            torch.nn.BatchNorm1d(100)
>>>          ).cuda()
>>> # creating process group (optional)
>>> # process_ids is a list of int identifying rank ids.
>>> process_group = torch.distributed.new_group(process_ids)
>>> sync_bn_module = convert_sync_batchnorm(module, process_group)

InstanceNorm1d

class torch.nn.InstanceNorm1d(num_features, eps=1e-05, momentum=0.1, affine=False, track_running_stats=False)¶

如论文中所述,将实例标准化应用于 3D 输入(具有可选附加通道尺寸的 1D 输入的微型批处理)实例标准化:快速样式化的缺失成分。

img

微型批处理中每个对象的维数均值和标准差分别计算。 如果affineTrue,则imgimg是大小为 <cite>C</cite> (其中 <cite>C</cite> 为输入大小)的可学习参数矢量。

默认情况下,该层使用在训练和评估模式下从输入数据计算出的实例统计信息。

如果track_running_stats设置为True,则在训练过程中,此层将继续对其计算的均值和方差进行估算,然后将其用于评估期间的标准化。 运行估计保持默认值momentum 0.1。

Note

This momentum argument is different from one used in optimizer classes and the conventional notion of momentum. Mathematically, the update rule for running statistics here is img, where img is the estimated statistic and img is the new observed value.

Note

InstanceNorm1dLayerNorm 非常相似,但有一些细微的差异。 InstanceNorm1d 应用于多维数据序列之类的通道数据的每个通道,但是 LayerNorm 通常应用于整个样本,并且通常用于 NLP 任务。 另外, LayerNorm 应用逐元素仿射变换,而 InstanceNorm1d 通常不应用仿射变换。

Parameters

  • num_featuresimg from an expected input of size img or img from input of size img
  • eps – a value added to the denominator for numerical stability. Default: 1e-5
  • 动量 –用于 running_mean 和 running_var 计算的值。 默认值:0.1
  • 仿射 –一个布尔值,当设置为True时,此模块具有可学习的仿射参数,其初始化方式与批量标准化相同。 默认值:False
  • track_running_stats –一个布尔值,设置为True时,此模块跟踪运行平均值和方差;设置为False时,此模块不跟踪此类统计信息,并且始终使用批处理统计信息 训练和评估模式。 默认值:False

Shape:

  • 输入:img
  • 输出:img(形状与输入相同)

Examples:

>>> # Without Learnable Parameters
>>> m = nn.InstanceNorm1d(100)
>>> # With Learnable Parameters
>>> m = nn.InstanceNorm1d(100, affine=True)
>>> input = torch.randn(20, 100, 40)
>>> output = m(input)

InstanceNorm2d

class torch.nn.InstanceNorm2d(num_features, eps=1e-05, momentum=0.1, affine=False, track_running_stats=False)¶

如论文中所述,将实例标准化应用于 4D 输入(具有附加通道尺寸的 2D 输入的小批量)实例标准化:快速样式化的缺失成分。

img

The mean and standard-deviation are calculated per-dimension separately for each object in a mini-batch. img and img are learnable parameter vectors of size <cite>C</cite> (where <cite>C</cite> is the input size) if affine is True.

By default, this layer uses instance statistics computed from input data in both training and evaluation modes.

If track_running_stats is set to True, during training this layer keeps running estimates of its computed mean and variance, which are then used for normalization during evaluation. The running estimates are kept with a default momentum of 0.1.

Note

This momentum argument is different from one used in optimizer classes and the conventional notion of momentum. Mathematically, the update rule for running statistics here is img, where img is the estimated statistic and img is the new observed value.

Note

InstanceNorm2dLayerNorm 非常相似,但有一些细微的差异。 InstanceNorm2d 适用于 RGB 图像之类的通道数据的每个通道,但是 LayerNorm 通常适用于整个样本,并且通常用于 NLP 任务。 另外, LayerNorm 应用逐元素仿射变换,而 InstanceNorm2d 通常不应用仿射变换。

Parameters

  • num_featuresimg from an expected input of size img
  • eps – a value added to the denominator for numerical stability. Default: 1e-5
  • momentum – the value used for the running_mean and running_var computation. Default: 0.1
  • affine – a boolean value that when set to True, this module has learnable affine parameters, initialized the same way as done for batch normalization. Default: False.
  • track_running_stats – a boolean value that when set to True, this module tracks the running mean and variance, and when set to False, this module does not track such statistics and always uses batch statistics in both training and eval modes. Default: False

Shape:

  • Input: img
  • Output: img (same shape as input)

Examples:

>>> # Without Learnable Parameters
>>> m = nn.InstanceNorm2d(100)
>>> # With Learnable Parameters
>>> m = nn.InstanceNorm2d(100, affine=True)
>>> input = torch.randn(20, 100, 35, 45)
>>> output = m(input)

InstanceNorm3d

class torch.nn.InstanceNorm3d(num_features, eps=1e-05, momentum=0.1, affine=False, track_running_stats=False)¶

如论文中所述,将实例标准化应用于 5D 输入(具有附加通道尺寸的 3D 输入的微型批处理)实例标准化:快速样式化缺少的成分。

img

微型批处理中每个对象的维数均值和标准差分别计算。 如果affineTrue,则imgimg是大小为 C 的可学习参数矢量(其中 C 为输入大小)。

By default, this layer uses instance statistics computed from input data in both training and evaluation modes.

If track_running_stats is set to True, during training this layer keeps running estimates of its computed mean and variance, which are then used for normalization during evaluation. The running estimates are kept with a default momentum of 0.1.

Note

This momentum argument is different from one used in optimizer classes and the conventional notion of momentum. Mathematically, the update rule for running statistics here is img, where img is the estimated statistic and img is the new observed value.

Note

InstanceNorm3dLayerNorm 非常相似,但有一些细微的差异。 InstanceNorm3d 适用于通道数据的每个通道,例如具有 RGB 颜色的 3D 模型,但 LayerNorm 通常适用于整个样本,并且经常用于 NLP 任务。 另外, LayerNorm 应用逐元素仿射变换,而 InstanceNorm3d 通常不应用仿射变换。

Parameters

  • num_featuresimg from an expected input of size img
  • eps – a value added to the denominator for numerical stability. Default: 1e-5
  • momentum – the value used for the running_mean and running_var computation. Default: 0.1
  • affine – a boolean value that when set to True, this module has learnable affine parameters, initialized the same way as done for batch normalization. Default: False.
  • track_running_stats – a boolean value that when set to True, this module tracks the running mean and variance, and when set to False, this module does not track such statistics and always uses batch statistics in both training and eval modes. Default: False

Shape:

  • Input: img
  • Output: img (same shape as input)

Examples:

>>> # Without Learnable Parameters
>>> m = nn.InstanceNorm3d(100)
>>> # With Learnable Parameters
>>> m = nn.InstanceNorm3d(100, affine=True)
>>> input = torch.randn(20, 100, 35, 45, 10)
>>> output = m(input)

层范数

class torch.nn.LayerNorm(normalized_shape, eps=1e-05, elementwise_affine=True)¶

如论文层规范化中所述,在小批量输入上应用层规范化。

img

平均值和标准偏差是在最后一定数量的尺寸上分别计算的,这些尺寸必须具有normalized_shape指定的形状。 如果elementwise_affineTrue,则imgimgnormalized_shape的可学习仿射变换参数。

Note

与批量归一化和实例归一化不同,后者使用affine选项对每个通道/平面应用标量缩放和偏置,而层归一化则使用elementwise_affine对每个元素缩放和偏置。

This layer uses statistics computed from input data in both training and evaluation modes.

Parameters

  • normalized_shape (python:int 列表 torch尺寸)–

输入尺寸的预期输入

img

如果使用单个整数,则将其视为一个单例列表,并且此模块将在最后一个预期为该特定大小的维度上进行规范化。

  • eps – a value added to the denominator for numerical stability. Default: 1e-5

  • elementwise_affine –一个布尔值,当设置为True时,此模块具有可学习的按元素仿射参数,分别初始化为 1(用于权重)和零(用于偏差)。 默认值:True

Shape:

  • 输入:img
  • 输出:img(形状与输入相同)

Examples:

>>> input = torch.randn(20, 5, 10, 10)
>>> # With Learnable Parameters
>>> m = nn.LayerNorm(input.size()[1:])
>>> # Without Learnable Parameters
>>> m = nn.LayerNorm(input.size()[1:], elementwise_affine=False)
>>> # Normalize over last two dimensions
>>> m = nn.LayerNorm([10, 10])
>>> # Normalize over last dimension of size 10
>>> m = nn.LayerNorm(10)
>>> # Activating the module
>>> output = m(input)

LocalResponseNorm

class torch.nn.LocalResponseNorm(size, alpha=0.0001, beta=0.75, k=1.0)¶

在由多个输入平面组成的输入信号上应用本地响应归一化,其中通道占据第二维。 跨通道应用标准化。

img

Parameters

  • 大小 –用于标准化的相邻信道的数量
  • alpha –乘法因子。 默认值:0.0001
  • beta -指数。 默认值:0.75
  • k –加法因子。 默认值:1

Shape:

  • Input: img
  • Output: img (same shape as input)

Examples:

>>> lrn = nn.LocalResponseNorm(2)
>>> signal_2d = torch.randn(32, 5, 24, 24)
>>> signal_4d = torch.randn(16, 5, 7, 7, 7, 7)
>>> output_2d = lrn(signal_2d)
>>> output_4d = lrn(signal_4d)

循环层

RNN 库

class torch.nn.RNNBase(mode, input_size, hidden_size, num_layers=1, bias=True, batch_first=False, dropout=0.0, bidirectional=False)¶

flatten_parameters()¶

重置参数数据指针,以便它们可以使用更快的代码路径。

现在,仅当模块在 GPU 上并且启用 cuDNN 时,此方法才有效。 否则,这是无人操作。

RNN

class torch.nn.RNN(*args, **kwargs)¶

将具有imgimg非线性的多层 Elman RNN 应用于输入序列。

对于输入序列中的每个元素,每一层都会计算以下功能:

img

其中img是时间 <cite>t</cite> 的隐藏状态,img是时间 <cite>t</cite> 的输入,而img是时间<cite>的上一层的隐藏状态 ] t-1</cite> 或时间 <cite>0</cite> 时的初始隐藏状态。 如果nonlinearity'relu',则使用 <cite>ReLU</cite> 代替 <cite>tanh</cite> 。

Parameters

  • input_size -输入 <cite>x</cite> 中预期功能的数量
  • hidden_size –处于隐藏状态的特征数 <cite>h</cite>
  • num_layers –循环层数。 例如,设置num_layers=2意味着将两个 RNN 堆叠在一起以形成<cite>堆叠的 RNN</cite> ,而第二个 RNN 则接收第一个 RNN 的输出并计算最终结果。 默认值:1
  • 非线性 –使用的非线性。 可以是'tanh''relu'。 默认值:'tanh'
  • 偏置-如果False,则该层不使用偏置权重 <cite>b_ih</cite> 和 <cite>b_hh</cite> 。 默认值:True
  • batch_first –如果为True,则输入和输出张量以<cite>(批,序列,特征)</cite>的形式提供。 默认值:False
  • dropout –如果不为零,则在除最后一层之外的每个 RNN 层的输出上引入 <cite>Dropout</cite> 层,其丢弃概率等于dropout。 默认值:0
  • 双向 –如果True成为双向 RNN。 默认值:False

Inputs: input, h_0

  • 形状为<cite>(seq_len,批处理,input_size)的输入:</cite>:包含输入序列特征的张量。 输入也可以是打包的可变长度序列。 有关详细信息,请参见 torch.nn.utils.rnn.pack_padded_sequence()torch.nn.utils.rnn.pack_sequence()
  • h*0 <cite>的形状为<cite>(num_layers * num_directions,批处理,hidden*size)</cite>:张量,包含批处理中每个元素的初始隐藏状态。 如果未提供,则默认为零。 如果 RNN 是双向的,则 num_directions 应该为 2,否则应为 1。</cite>

Outputs: output, h_n

  • 输出形状为<cite>(seq*len,批处理,num_directions * hidden*size)的</cite> :张量包含来自 RNN 的最后一层的输出特征 (<cite>h_t</cite> ),对于每个[ <cite>t</cite> 。 如果已将 torch.nn.utils.rnn.PackedSequence 作为输入,则输出也将是打包序列。

对于未包装的情况,可以使用output.view(seq_len, batch, num_directions, hidden_size)分隔方向,向前和向后分别是方向 <cite>0</cite> 和 <cite>1</cite> 。 同样,在包装好的情况下,方向也可以分开。

  • h*n <cite>的形状为<cite>(num_layers * num_directions,批处理,hidden*size)</cite>:包含 <cite>t = seq_len</cite> 的隐藏状态的张量。</cite>

输出一样,可以使用h_n.view(num_layers, num_directions, batch, hidden_size)分离各层。

Shape:

  • Input1:包含输入特征的img张量,其中img和 <cite>L</cite> 表示序列长度。
  • Input2:img张量,包含批次中每个元素的初始隐藏状态。 img如果未提供,则默认为零。 其中img如果 RNN 是双向的,则 num_directions 应该为 2,否则应为 1。
  • 输出 1:img,其中img
  • 输出 2:img张量,包含批次中每个元素的下一个隐藏状态

Variables

  • 〜RNN.weight_ih_l [k] –第 k 层的可学习的输入隐藏权重,形状为<cite>(hiddensize,input_size)</cite>,其中 <cite>k = 0</cite> 。 否则,形状为<cite>(hiddensize,numdirections * hiddensize)</cite>
  • 〜RNN.weight_hh_l [k] –第 k 层可学习的隐藏权重,形状为<cite>(hiddensize,hiddensize)</cite>
  • 〜RNN.bias_ih_l [k] –第 k 层的可学习的输入隐藏偏差,形状为<cite>(hidden_size)</cite>
  • 〜RNN.bias_hh_l [k] –第 k 层的可学习的隐藏偏差,形状为<cite>(hidden_size)</cite>

Note

所有权重和偏差均从img初始化,其中img

Note

如果满足以下条件:1)启用 cudnn,2)输入数据在 GPU 上 3)输入数据具有 dtype torch.float16 4)使用 V100 GPU,5)输入数据不是PackedSequence格式的持久算法 可以选择以提高性能。

Examples:

>>> rnn = nn.RNN(10, 20, 2)
>>> input = torch.randn(5, 3, 10)
>>> h0 = torch.randn(2, 3, 20)
>>> output, hn = rnn(input, h0)

LSTM

class torch.nn.LSTM(*args, **kwargs)¶

将多层长短期记忆(LSTM)RNN 应用于输入序列。

For each element in the input sequence, each layer computes the following function:

img

其中img是时间 <cite>t</cite> 的隐藏状态,img是时间 <cite>t</cite> 的单元状态,img是时间 <cite>t</cite> 的输入 ,img是时间 <cite>t-1</cite> 时层的隐藏状态,或者是时间 <cite>0</cite> 时的初始隐藏状态,以及imgimgimgimg分别是输入,忘记,单元和输出门。 img是 S 型函数,img是 Hadamard 乘积。

在多层 LSTM 中,第img层(img)的输入img是前一层的隐藏状态img乘以压降img,其中每个img是伯努利随机变量 概率为dropout的是img

Parameters

  • input_size – The number of expected features in the input <cite>x</cite>
  • hidden_size – The number of features in the hidden state <cite>h</cite>
  • num_layers –循环层数。 例如,设置num_layers=2意味着将两个 LSTM 堆叠在一起以形成<cite>堆叠的 LSTM</cite> ,而第二个 LSTM 则接收第一个 LSTM 的输出并计算最终结果。 默认值:1
  • bias – If False, then the layer does not use bias weights <cite>b_ih</cite> and <cite>b_hh</cite>. Default: True
  • batch_first –如果为True,则输入和输出张量按(batch,seq,feature)提供。 默认值:False
  • dropout –如果不为零,则在除最后一层以外的每个 LSTM 层的输出上引入 <cite>Dropout</cite> 层,其丢弃概率等于dropout。 默认值:0
  • 双向 –如果True变为双向 LSTM。 默认值:False

Inputs: input, (h_0, c_0)

  • 形状为<cite>(seq_len,批处理,input_size)的输入:</cite>:包含输入序列特征的张量。 输入也可以是打包的可变长度序列。 有关详细信息,请参见 torch.nn.utils.rnn.pack_padded_sequence()torch.nn.utils.rnn.pack_sequence()

  • h*0 <cite>的形状为<cite>(num_layers * num_directions,批处理,hidden*size)</cite>:张量,包含批处理中每个元素的初始隐藏状态。 如果 LSTM 是双向的,则 num_directions 应该为 2,否则应为 1。</cite>

  • c_0 的形状为<cite>(numlayers * num_directions,批处理,hiddensize)</cite>:张量,包含批处理中每个元素的初始单元状态。

如果未提供<cite>(h_0,c_0)</cite>,则 h_0c_0 均默认为零。

Outputs: output, (h_n, c_n)

  • 每个[[G] <cite>t</cite> 。 如果已将 torch.nn.utils.rnn.PackedSequence 作为输入,则输出也将是打包序列。

For the unpacked case, the directions can be separated using output.view(seq_len, batch, num_directions, hidden_size), with forward and backward being direction <cite>0</cite> and <cite>1</cite> respectively. Similarly, the directions can be separated in the packed case.

  • h_n of shape <cite>(num_layers * num_directions, batch, hidden_size)</cite>: tensor containing the hidden state for <cite>t = seq_len</cite>.

输出一样,可以使用h_n.view(num_layers, num_directions, batch, hidden_size)分隔各层,并且对于 c_n 同样。

  • c*n <cite>的形状为<cite>(num_layers * num_directions,batch,hidden*size)</cite>:张量,其中包含 <cite>t = seq_len</cite> 的像元状态。</cite>

Variables

  • 〜LSTM.weight_ih_l [k] – <cite>形状为<cite>(4 <cite>k = 0</cite> 的[hidden_size,input_size)</cite>。 否则,形状为<cite>(4 hiddensize,num_directions * hiddensize)</cite></cite>
  • 〜LSTM.weight_hh_l [k]img层<cite>(Whi | W_hf | W_hg | W_ho)</cite>的可学习的隐藏权重,形状为<cite>(4 * hiddensize,hidden_size)</cite>
  • 〜LSTM.bias_ih_l [k]img层<cite>(bii | b_if | b_ig | b_io)</cite>的可学习输入隐藏偏置,形状为<cite>(4 * hiddensize)</cite>
  • 〜LSTM.bias_hh_l [k]img层<cite>(bhi | b_hf | b_hg | b_ho)</cite>的可学习的隐藏偏置,形状为<cite>(4 * hiddensize)</cite>

Note

All the weights and biases are initialized from img where img

Note

If the following conditions are satisfied: 1) cudnn is enabled, 2) input data is on the GPU 3) input data has dtype torch.float16 4) V100 GPU is used, 5) input data is not in PackedSequence format persistent algorithm can be selected to improve performance.

Examples:

>>> rnn = nn.LSTM(10, 20, 2)
>>> input = torch.randn(5, 3, 10)
>>> h0 = torch.randn(2, 3, 20)
>>> c0 = torch.randn(2, 3, 20)
>>> output, (hn, cn) = rnn(input, (h0, c0))

格鲁

class torch.nn.GRU(*args, **kwargs)¶

将多层门控循环单元(GRU)RNN 应用于输入序列。

For each element in the input sequence, each layer computes the following function:

img

其中img是时间 <cite>t</cite> 的隐藏状态,img是时间 <cite>t</cite> 的输入,img是时间 <cite>t 时层的隐藏状态 -1</cite> 或时间 <cite>0</cite> 时的初始隐藏状态,以及imgimgimg分别是复位门,更新门和新门。 img是 S 型函数,img是 Hadamard 乘积。

在多层 GRU 中,第img层(img)的输入img是前一层的隐藏状态img乘以压降img,其中每个img是伯努利随机变量 概率为dropout的是img

Parameters

  • input_size – The number of expected features in the input <cite>x</cite>
  • hidden_size – The number of features in the hidden state <cite>h</cite>
  • num_layers –循环层数。 例如,设置num_layers=2意味着将两个 GRU 堆叠在一起以形成<cite>堆叠的 GRU</cite> ,而第二个 GRU 则接收第一个 GRU 的输出并计算最终结果。 默认值:1
  • bias – If False, then the layer does not use bias weights <cite>b_ih</cite> and <cite>b_hh</cite>. Default: True
  • batch_first – If True, then the input and output tensors are provided as (batch, seq, feature). Default: False
  • 丢失 –如果不为零,则在除最后一层之外的每个 GRU 层的输出上引入<cite>丢失</cite>层,丢失概率等于dropout。 默认值:0
  • 双向 –如果True成为双向 GRU。 默认值:False

Inputs: input, h_0

  • 形状为<cite>(seq_len,批处理,input_size)的输入:</cite>:包含输入序列特征的张量。 输入也可以是打包的可变长度序列。 有关详细信息,请参见 torch.nn.utils.rnn.pack_padded_sequence()
  • h_0 of shape <cite>(num_layers * num_directions, batch, hidden_size)</cite>: tensor containing the initial hidden state for each element in the batch. Defaults to zero if not provided. If the RNN is bidirectional, num_directions should be 2, else it should be 1.

Outputs: output, h_n

  • 输出形状为<cite>(seq*len,batch,num_directions * hidden*size)的</cite>::对于每个 <cite>t</cite> ,张量包含来自 GRU 最后一层的输出特征 h_t。 如果已给定 torch.nn.utils.rnn.PackedSequence ,则输出也将是打包序列。 对于未包装的情况,可以使用output.view(seq_len, batch, num_directions, hidden_size)分离方向,向前和向后分别是方向 <cite>0</cite> 和 <cite>1</cite> 。

同样,在包装好的情况下,方向也可以分开。

  • h_n 的形状为<cite>(numlayers * num_directions,批处理,hiddensize)</cite>:张量,其中包含<cite>的隐藏状态 t = seq_len</cite>

Like output, the layers can be separated using h_n.view(num_layers, num_directions, batch, hidden_size).

Shape:

  • Input1: img tensor containing input features where img and <cite>L</cite> represents a sequence length.
  • Input2: img tensor containing the initial hidden state for each element in the batch. img Defaults to zero if not provided. where img If the RNN is bidirectional, num_directions should be 2, else it should be 1.
  • Output1: img where img
  • Output2: img tensor containing the next hidden state for each element in the batch

Variables

  • 〜GRU.weight_ih_l [k]img层(Wir | W_iz | W_in)的可学习的输入隐藏权重,形状为<cite>(3 * hiddensize,inputsize)</cite> <cite>k = 0</cite> 。 否则,形状为<cite>(3 * hiddensize,numdirections * hiddensize)</cite>
  • 〜GRU.weight_hh_l [k]img层(Whr | W_hz | W_hn)的可学习隐藏权重,形状为<cite>(3 * hiddensize,hidden_size)</cite>
  • 〜GRU.bias_ih_l [k]img层(bir | b_iz | b_in)的可学习输入隐藏偏置,形状为<cite>(3 * hiddensize)</cite>
  • 〜GRU.bias_hh_l [k]img层(bhr | b_hz | b_hn)的可学习的隐藏偏置,形状为<cite>(3 * hiddensize)</cite>

Note

All the weights and biases are initialized from img where img

Note

If the following conditions are satisfied: 1) cudnn is enabled, 2) input data is on the GPU 3) input data has dtype torch.float16 4) V100 GPU is used, 5) input data is not in PackedSequence format persistent algorithm can be selected to improve performance.

Examples:

>>> rnn = nn.GRU(10, 20, 2)
>>> input = torch.randn(5, 3, 10)
>>> h0 = torch.randn(2, 3, 20)
>>> output, hn = rnn(input, h0)

核细胞

class torch.nn.RNNCell(input_size, hidden_size, bias=True, nonlinearity='tanh')¶

具有 tanh 或 ReLU 非线性的 Elman RNN 单元。

img

如果nonlinearity为<cite>'relu'</cite>,则使用 ReLU 代替 tanh。

Parameters

  • input_size – The number of expected features in the input <cite>x</cite>
  • hidden_size – The number of features in the hidden state <cite>h</cite>
  • bias – If False, then the layer does not use bias weights <cite>b_ih</cite> and <cite>b_hh</cite>. Default: True
  • nonlinearity – The non-linearity to use. Can be either 'tanh' or 'relu'. Default: 'tanh'

Inputs: input, hidden

  • 形状为<cite>的输入</cite>(批处理,input_size):包含输入特征的张量
  • 形状为<cite>(批次,hidden_size)</cite>的隐藏:张量,其中包含批次中每个元素的初始隐藏状态。 如果未提供,则默认为零。

Outputs: h'

  • h'的形状为<cite>(批处理,hidden_size)</cite>:张量,其中包含批次中每个元素的下一个隐藏状态

Shape:

  • Input1:包含输入特征的img张量,其中img = <cite> input_size</cite>
  • Input2:img张量,包含批处理中每个元素的初始隐藏状态,其中img = <cite>hidden_size</cite> 如果未提供,则默认为零。
  • 输出:img张量包含批处理中每个元素的下一个隐藏状态

Variables

  • 〜RNNCell.weight_ih –可学习的输入隐藏权重,形状为<cite>(hidden_size,input_size)</cite>
  • 〜RNNCell.weight_hh –可学习的隐藏权重,形状为<cite>(hiddensize,hiddensize)</cite>
  • 〜RNNCell.bias_ih –形状为<cite>(hidden_size)</cite>的可学习的隐藏输入偏差
  • 〜RNNCell.bias_hh –形状为<cite>(hidden_size)</cite>的可学习的隐藏偏差。

Note

All the weights and biases are initialized from img where img

Examples:

>>> rnn = nn.RNNCell(10, 20)
>>> input = torch.randn(6, 3, 10)
>>> hx = torch.randn(3, 20)
>>> output = []
>>> for i in range(6):
        hx = rnn(input[i], hx)
        output.append(hx)

LSTM 单元

class torch.nn.LSTMCell(input_size, hidden_size, bias=True)¶

长短期记忆(LSTM)单元。

img

其中img是 S 型函数,img是 Hadamard 乘积。

Parameters

  • input_size – The number of expected features in the input <cite>x</cite>
  • hidden_size – The number of features in the hidden state <cite>h</cite>
  • 偏置-如果False,则该层不使用偏置权重 <cite>b_ih</cite> 和 <cite>b_hh</cite> 。 默认值:True

Inputs: input, (h_0, c_0)

  • input of shape <cite>(batch, input_size)</cite>: tensor containing input features

  • h_0 <cite>的形状为</cite>(批处理,hidden_size):张量,其中包含批次中每个元素的初始隐藏状态。

  • c_0 的形状为<cite>(批处理,hidden_size)</cite>:张量,其中包含批次中每个元素的初始单元状态。

If <cite>(h_0, c_0)</cite> is not provided, both h_0 and c_0 default to zero.

Outputs: (h_1, c_1)

  • h*1 <cite>的形状为<cite>(批处理,hidden*size)</cite>:张量,其中包含批次中每个元素的下一个隐藏状态</cite>
  • c*1 <cite>的形状为<cite>(批处理,hidden*size)</cite>:张量,其中包含批次中每个元素的下一个单元格状态</cite>

Variables

  • 〜LSTMCell.weight_ih –可学习的输入隐藏权重,形状为<cite>(4 * hidden_size,input_size)</cite>
  • 〜LSTMCell.weight_hh –可学习的隐藏权重,形状为<cite>(4 hiddensize,hidden*size)</cite>
  • 〜LSTMCell.bias_ih –形状为<cite>(4 * hidden_size)</cite>的可学习的隐藏输入偏差
  • 〜LSTMCell.bias_hh –形状为<cite>(4 * hidden_size)</cite>的可学习的隐藏偏差。

Note

All the weights and biases are initialized from img where img

Examples:

>>> rnn = nn.LSTMCell(10, 20)
>>> input = torch.randn(6, 3, 10)
>>> hx = torch.randn(3, 20)
>>> cx = torch.randn(3, 20)
>>> output = []
>>> for i in range(6):
        hx, cx = rnn(input[i], (hx, cx))
        output.append(hx)

格鲁塞尔

class torch.nn.GRUCell(input_size, hidden_size, bias=True)¶

门控循环单元(GRU)单元

img

where img is the sigmoid function, and img is the Hadamard product.

Parameters

  • input_size – The number of expected features in the input <cite>x</cite>
  • hidden_size – The number of features in the hidden state <cite>h</cite>
  • bias – If False, then the layer does not use bias weights <cite>b_ih</cite> and <cite>b_hh</cite>. Default: True

Inputs: input, hidden

  • input of shape <cite>(batch, input_size)</cite>: tensor containing input features
  • hidden of shape <cite>(batch, hidden_size)</cite>: tensor containing the initial hidden state for each element in the batch. Defaults to zero if not provided.

Outputs: h'

  • h' of shape <cite>(batch, hidden_size)</cite>: tensor containing the next hidden state for each element in the batch

Shape:

  • Input1: img tensor containing input features where img = <cite>input_size</cite>
  • Input2: img tensor containing the initial hidden state for each element in the batch where img = <cite>hidden_size</cite> Defaults to zero if not provided.
  • Output: img tensor containing the next hidden state for each element in the batch

Variables

  • 〜GRUCell.weight_ih –可学习的输入隐藏权重,形状为<cite>(3 * hidden_size,input_size)</cite>
  • 〜GRUCell.weight_hh –可学习的隐藏权重,形状为<cite>(3 hiddensize,hidden*size)</cite>
  • 〜GRUCell.bias_ih –可学习的输入隐藏偏差,形状为<cite>(3 * hidden_size)</cite>
  • 〜GRUCell.bias_hh –可学习的隐藏偏差,形状为<cite>(3 * hidden_size)</cite>

Note

All the weights and biases are initialized from img where img

Examples:

>>> rnn = nn.GRUCell(10, 20)
>>> input = torch.randn(6, 3, 10)
>>> hx = torch.randn(3, 20)
>>> output = []
>>> for i in range(6):
        hx = rnn(input[i], hx)
        output.append(hx)

变压器层

变压器

class torch.nn.Transformer(d_model=512, nhead=8, num_encoder_layers=6, num_decoder_layers=6, dim_feedforward=2048, dropout=0.1, activation='relu', custom_encoder=None, custom_decoder=None)¶

变压器模型。 用户可以根据需要修改属性。 该体系结构基于论文“注意就是您所需要的”。 Ashish Vaswani,Noam Shazeer,Niki Parmar,Jakob Uszkoreit,Llion Jones,Aidan N Gomez,Lukasz Kaiser 和 Illia Polosukhin。 2017 年。您只需要关注即可。 《神经信息处理系统的发展》,第 6000-6010 页。 用户可以使用相应的参数构建 BERT (https://arxiv.org/abs/1810.04805)模型

Parameters

  • d_model –编码器/解码器输入中的预期功能数量(默认= 512)。
  • nhead –多头注意力模型中的头数(默认为 8)。
  • num_encoder_layers –编码器中的子编码器层数(默认为 6)。
  • num_decoder_layers –解码器中子解码器层的数量(默认为 6)。
  • dim_feedforward -前馈网络模型的尺寸(默认= 2048)。
  • dropout -退出值(默认值= 0.1)。
  • 激活 –编码器/解码器中间层 relu 或 gelu 的激活功能(默认= relu)。
  • custom_encoder –自定义编码器(默认=无)。
  • custom_decoder -自定义解码器(默认=无)。

Examples::


>>> transformer_model = nn.Transformer(nhead=16, num_encoder_layers=12)
>>> src = torch.rand((10, 32, 512))
>>> tgt = torch.rand((20, 32, 512))
>>> out = transformer_model(src, tgt)

注意:中提供了将 nn.Transformer 模块应用于单词语言模型的完整示例,网址为 https://github.com/pytorch/examples/tree/master/word_language_model

forward(src, tgt, src_mask=None, tgt_mask=None, memory_mask=None, src_key_padding_mask=None, tgt_key_padding_mask=None, memory_key_padding_mask=None)¶

接收并处理屏蔽的源/目标序列。

Parameters

  • src –编码器的序列(必需)。
  • tgt –解码器的序列(必需)。
  • src_mask – src 序列的附加掩码(可选)。
  • tgt_mask – tgt 序列的附加掩码(可选)。
  • memory_mask –编码器输出的附加掩码(可选)。
  • src_key_padding_mask –每批 src 密钥的 ByteTensor 掩码(可选)。
  • tgt_key_padding_mask –每批 tgt 密钥的 ByteTensor 掩码(可选)。
  • memory_key_padding_mask –每批存储密钥的 ByteTensor 掩码(可选)。

Shape:

  • src:img
  • tgt:img
  • src_mask:img
  • tgt_mask:img
  • memory_mask:img
  • src_key_padding_mask:img
  • tgt_key_padding_mask:img
  • memory_key_padding_mask:img

注意:[src / tgt / memory] _mask 应该用 float('-inf')表示被遮盖的位置,而 float(0.0)表示其他。 这些掩码可确保对位置 i 的预测仅取决于未掩码的位置 j,并且对批次中的每个序列均应用相同的预测。 [src / tgt / memory] _key_padding_mask 应该是 ByteTensor,其中 True 值是应该用 float('-inf')掩盖的位置,而 False 值将保持不变。 此掩码可确保在屏蔽后不会从位置 i 获取任何信息,并且对于批次中的每个序列都有单独的掩码。

  • 输出:img

注意:由于转换器模型中的多头注意架构,转换器的输出序列长度与解码的输入序列(即目标)长度相同。

其中 S 是源序列长度,T 是目标序列长度,N 是批处理大小,E 是特征编号

Examples

>>> output = transformer_model(src, tgt, src_mask=src_mask, tgt_mask=tgt_mask)

generate_square_subsequent_mask(sz)¶

为该序列生成一个正方形蒙版。 屏蔽的位置填充有 float('-inf')。 未屏蔽的位置填充有 float(0.0)。

变压器编码器

class torch.nn.TransformerEncoder(encoder_layer, num_layers, norm=None)¶

TransformerEncoder 是 N 个编码器层的堆栈

Parameters

  • coder_layer – TransformerEncoderLayer()类的实例(必需)。
  • num_layers –编码器中子编码器层的数量(必填)。
  • 规范 –图层归一化组件(可选)。

Examples::


>>> encoder_layer = nn.TransformerEncoderLayer(d_model=512, nhead=8)
>>> transformer_encoder = nn.TransformerEncoder(encoder_layer, num_layers=6)
>>> src = torch.rand(10, 32, 512)
>>> out = transformer_encoder(src)

forward(src, mask=None, src_key_padding_mask=None)¶

将输入依次通过编码器层。

Parameters

  • src –编码器的序列(必需)。
  • 掩码 – src 序列的掩码(可选)。
  • src_key_padding_mask –每批 src 密钥的掩码(可选)。

Shape:

请参阅 Transformer 类中的文档。

变压器解码器

class torch.nn.TransformerDecoder(decoder_layer, num_layers, norm=None)¶

TransformerDecoder 是 N 个解码器层的堆栈

Parameters

  • coder_layer – TransformerDecoderLayer()类的实例(必需)。
  • num_layers –解码器中子解码器层的数量(必填)。
  • norm – the layer normalization component (optional).

Examples::


>>> decoder_layer = nn.TransformerDecoderLayer(d_model=512, nhead=8)
>>> transformer_decoder = nn.TransformerDecoder(decoder_layer, num_layers=6)
>>> memory = torch.rand(10, 32, 512)
>>> tgt = torch.rand(20, 32, 512)
>>> out = transformer_decoder(tgt, memory)

forward(tgt, memory, tgt_mask=None, memory_mask=None, tgt_key_padding_mask=None, memory_key_padding_mask=None)¶

输入(和掩码)依次通过解码器层。

Parameters

  • tgt – the sequence to the decoder (required).
  • 存储器 –从编码器最后一层开始的顺序(必需)。
  • tgt_mask – tgt 序列的掩码(可选)。
  • memory_mask –内存序列的掩码(可选)。
  • tgt_key_padding_mask –每批 tgt 密钥的掩码(可选)。
  • memory_key_padding_mask –每批存储密钥的掩码(可选)。

Shape:

see the docs in Transformer class.

TransformerEncoderLayer

class torch.nn.TransformerEncoderLayer(d_model, nhead, dim_feedforward=2048, dropout=0.1, activation='relu')¶

TransformerEncoderLayer 由自检和前馈网络组成。 此标准编码器层基于“注意就是您所需要的”一文。 Ashish Vaswani,Noam Shazeer,Niki Parmar,Jakob Uszkoreit,Llion Jones,Aidan N Gomez,Lukasz Kaiser 和 Illia Polosukhin。 2017 年。您只需要关注即可。 《神经信息处理系统的发展》,第 6000-6010 页。 用户可以在应用过程中以不同的方式修改或实现。

Parameters

  • d_model –输入中预期特征的数量(必填)。
  • nhead –多头注意力模型中的头数(必填)。
  • dim_feedforward – the dimension of the feedforward network model (default=2048).
  • dropout – the dropout value (default=0.1).
  • 激活 –中间层,relu 或 gelu(默认值= relu)的激活功能。

Examples::


>>> encoder_layer = nn.TransformerEncoderLayer(d_model=512, nhead=8)
>>> src = torch.rand(10, 32, 512)
>>> out = encoder_layer(src)

forward(src, src_mask=None, src_key_padding_mask=None)¶

使输入通过编码器层。

Parameters

  • src –编码器层的序列(必需)。
  • src_mask – src 序列的掩码(可选)。
  • src_key_padding_mask – the mask for the src keys per batch (optional).

Shape:

see the docs in Transformer class.

变压器解码器层

class torch.nn.TransformerDecoderLayer(d_model, nhead, dim_feedforward=2048, dropout=0.1, activation='relu')¶

TransformerDecoderLayer 由自组织,多头组织和前馈网络组成。 这个标准的解码器层基于论文“注意就是全部”。 Ashish Vaswani,Noam Shazeer,Niki Parmar,Jakob Uszkoreit,Llion Jones,Aidan N Gomez,Lukasz Kaiser 和 Illia Polosukhin。 2017 年。您只需要关注即可。 《神经信息处理系统的发展》,第 6000-6010 页。 用户可以在应用过程中以不同的方式修改或实现。

Parameters

  • d_model – the number of expected features in the input (required).
  • nhead – the number of heads in the multiheadattention models (required).
  • dim_feedforward – the dimension of the feedforward network model (default=2048).
  • dropout – the dropout value (default=0.1).
  • activation – the activation function of intermediate layer, relu or gelu (default=relu).

Examples::


>>> decoder_layer = nn.TransformerDecoderLayer(d_model=512, nhead=8)
>>> memory = torch.rand(10, 32, 512)
>>> tgt = torch.rand(20, 32, 512)
>>> out = decoder_layer(tgt, memory)

forward(tgt, memory, tgt_mask=None, memory_mask=None, tgt_key_padding_mask=None, memory_key_padding_mask=None)¶

将输入(和掩码)通过解码器层。

Parameters

  • tgt –解码器层的序列(必需)。
  • memory – the sequnce from the last layer of the encoder (required).
  • tgt_mask – the mask for the tgt sequence (optional).
  • memory_mask – the mask for the memory sequence (optional).
  • tgt_key_padding_mask – the mask for the tgt keys per batch (optional).
  • memory_key_padding_mask – the mask for the memory keys per batch (optional).

Shape:

see the docs in Transformer class.

线性层

身分识别

class torch.nn.Identity(*args, **kwargs)¶

对参数不敏感的占位符身份运算符。

Parameters

  • args –任何参数(未使用)
  • kwargs –任何关键字参数(未使用)

Examples:

>>> m = nn.Identity(54, unused_argument1=0.1, unused_argument2=False)
>>> input = torch.randn(128, 20)
>>> output = m(input)
>>> print(output.size())
torch.Size([128, 20])

线性的

class torch.nn.Linear(in_features, out_features, bias=True)¶

对输入数据应用线性变换:img

Parameters

  • in_features –每个输入样本的大小
  • out_features –每个输出样本的大小
  • 偏差-如果设置为False,则该图层将不会学习加法偏差。 默认值:True

Shape:

  • 输入:img,其中img表示任意数量的附加尺寸,img
  • 输出:img,除最后一个尺寸外,所有尺寸均与输入和img相同。

Variables

  • 〜Linear.weight -形状为img的模块的可学习重量。 值从img初始化,其中img
  • 〜Linear.bias -形状img的模块的可学习偏差。 如果biasTrue,则从img初始化值,其中img

Examples:

>>> m = nn.Linear(20, 30)
>>> input = torch.randn(128, 20)
>>> output = m(input)
>>> print(output.size())
torch.Size([128, 30])

双线性

class torch.nn.Bilinear(in1_features, in2_features, out_features, bias=True)¶

对输入数据应用双线性变换:img

Parameters

  • in1_features –每个第一个输入样本的大小
  • in2_features –每秒钟输入样本的大小
  • out_features – size of each output sample
  • 偏差-如果设置为 False,则该图层将不会学习加法偏差。 默认值:True

Shape:

  • 输入 1:img,其中imgimg表示任意数量的附加尺寸。 除了最后输入的维度外,其他所有维度均应相同。
  • 输入 2:img其中img
  • 输出:img,其中img和除最后一个尺寸外的所有尺寸均与输入相同。

Variables

  • 〜Bilinear.weight -形状为img的模块的可学习权重。 值从img初始化,其中img
  • 〜Bilinear.bias -形状img的模块的可学习偏差。 如果biasTrue,则从img初始化值,其中img

Examples:

>>> m = nn.Bilinear(20, 30, 40)
>>> input1 = torch.randn(128, 20)
>>> input2 = torch.randn(128, 30)
>>> output = m(input1, input2)
>>> print(output.size())
torch.Size([128, 40])

辍学层

退出

class torch.nn.Dropout(p=0.5, inplace=False)¶

在训练期间,使用伯努利分布的样本以概率p将输入张量的某些元素随机归零。 在每个前向呼叫中,每个通道将独立清零。

如论文中所述,通过防止特征检测器的共同适应来改善神经网络,这已被证明是一种有效的技术,可用于规范化和防止神经元的共同适应。

此外,在训练期间,将输出缩放为img。 这意味着在评估期间,模块仅计算身份函数。

Parameters

  • p –元素归零的概率。 默认值:0.5
  • 就地 –如果设置为True,将就地执行此操作。 默认值:False

Shape:

  • 输入:img。 输入可以是任何形状
  • 输出:img。 输出与输入的形状相同

Examples:

>>> m = nn.Dropout(p=0.2)
>>> input = torch.randn(20, 16)
>>> output = m(input)

Dropout2d

class torch.nn.Dropout2d(p=0.5, inplace=False)¶

随机将整个通道调零(通道是 2D 特征图,例如,批输入中第img个样本的第img个通道是 2D 张量img)。 使用伯努利分布中的样本,每个信道将在每次前向呼叫中以概率p独立清零。

通常,输入来自nn.Conv2d模块。

如论文中所述,使用卷积网络进行有效的对象定位,如果特征图中的相邻像素高度相关(通常是早期卷积层的情况),则 i.i.d。 辍学不会使激活规律化,否则只会导致有效学习率下降。

在这种情况下,nn.Dropout2d()将有助于促进要素地图之间的独立性,应改用nn.Dropout2d()

Parameters

  • p (python:float 可选)–元素归零的概率。
  • 原位 (bool 可选)–如果设置为True,则将原位执行此操作

Shape:

  • Input: img
  • Output: img (same shape as input)

Examples:

>>> m = nn.Dropout2d(p=0.2)
>>> input = torch.randn(20, 16, 32, 32)
>>> output = m(input)

辍学 3d

class torch.nn.Dropout3d(p=0.5, inplace=False)¶

随机将整个通道调零(通道是 3D 特征图,例如,批输入中第img个样本的第img个通道是 3D 张量img)。 使用伯努利分布中的样本,每个信道将在每次前向呼叫中以概率p独立清零。

通常,输入来自nn.Conv3d模块。

As described in the paper Efficient Object Localization Using Convolutional Networks , if adjacent pixels within feature maps are strongly correlated (as is normally the case in early convolution layers) then i.i.d. dropout will not regularize the activations and will otherwise just result in an effective learning rate decrease.

在这种情况下,nn.Dropout3d()将有助于促进要素地图之间的独立性,应改用nn.Dropout3d()

Parameters

  • p (python:float 可选)–元素归零的概率。
  • inplace (bool__, optional) – If set to True, will do this operation in-place

Shape:

  • Input: img
  • Output: img (same shape as input)

Examples:

>>> m = nn.Dropout3d(p=0.2)
>>> input = torch.randn(20, 16, 4, 32, 32)
>>> output = m(input)

AlphaDropout

class torch.nn.AlphaDropout(p=0.5, inplace=False)¶

将 Alpha Dropout 应用于输入。

Alpha Dropout 是一种 Dropout,可以维持自我规范化属性。 对于均值为零且单位标准差为零的输入,Alpha Dropout 的输出将保持输入的原始均值和标准差。 Alpha Dropout 与 SELU 激活功能紧密结合,可确保输出具有零均值和单位标准偏差。

在训练期间,它使用来自伯努利分布的样本以概率 p 随机掩盖输入张量的某些元素。 在每个前向调用中,要屏蔽的元素都会随机化,并进行缩放和移位以保持零均值和单位标准差。

在评估过程中,模块仅计算身份函数。

More details can be found in the paper Self-Normalizing Neural Networks .

Parameters

  • p (python:float )–元素被删除的概率。 默认值:0.5
  • inplace (bool__, optional) – If set to True, will do this operation in-place

Shape:

  • Input: img. Input can be of any shape
  • Output: img. Output is of the same shape as input

Examples:

>>> m = nn.AlphaDropout(p=0.2)
>>> input = torch.randn(20, 16)
>>> output = m(input)

稀疏层

嵌入

class torch.nn.Embedding(num_embeddings, embedding_dim, padding_idx=None, max_norm=None, norm_type=2.0, scale_grad_by_freq=False, sparse=False, _weight=None)¶

一个简单的查找表,用于存储固定字典和大小的嵌入。

该模块通常用于存储单词嵌入并使用索引检索它们。 模块的输入是索引列表,输出是相应的词嵌入。

Parameters

  • num_embeddings (python:int )–嵌入字典的大小
  • embedding_dim (python:int )–每个嵌入向量的大小
  • padding_idx (python:int 可选)–如果给定,则在padding_idx处嵌入输出以填充输出(初始化为 零)。
  • max_norm (python:float 可选)–如果给定,则范数大于max_norm的每个嵌入矢量将重新规范化为具有 规范max_norm
  • norm_type (python:float 可选)–为max_norm选项计算的 p 范数的 p。 默认值2
  • scale_grad_by_freq (布尔值 可选))–如果给定,则将按照最小 批量。 默认值False
  • 稀疏 (bool 可选)–如果True,则梯度 w.r.t. weight矩阵将是稀疏张量。 有关稀疏渐变的更多详细信息,请参见注释。

Variables

〜Embedding.weight (tensor)–形状模块的可学习权重(num_embeddings,embedding_dim)从img初始化

Shape:

  • 输入:img,任意形状的 LongTensor,包含要提取的索引
  • 输出:img,其中 <cite>*</cite> 是输入形状,img

Note

请记住,只有有限数量的优化程序支持稀疏渐变:当前为optim.SGD (<cite>CUDA</cite> 和 <cite>CPU</cite> ),optim.SparseAdam (<cite>CUDA</cite> 和[ <cite>CPU</cite> )和optim.Adagrad (<cite>CPU</cite> )

Note

设置padding_idx时,padding_idx的嵌入矢量初始化为全零。 但是,请注意,此向量可以在以后进行修改,例如,使用定制的初始化方法,从而更改用于填充输出的向量。 来自 Embedding 的矢量的梯度始终为零。

Examples:

>>> # an Embedding module containing 10 tensors of size 3
>>> embedding = nn.Embedding(10, 3)
>>> # a batch of 2 samples of 4 indices each
>>> input = torch.LongTensor([[1,2,4,5],[4,3,2,9]])
>>> embedding(input)
tensor([[[-0.0251, -1.6902,  0.7172],
         [-0.6431,  0.0748,  0.6969],
         [ 1.4970,  1.3448, -0.9685],
         [-0.3677, -2.7265, -0.1685]],


        [[ 1.4970,  1.3448, -0.9685],
         [ 0.4362, -0.4004,  0.9400],
         [-0.6431,  0.0748,  0.6969],
         [ 0.9124, -2.3616,  1.1151]]])


>>> # example with padding_idx
>>> embedding = nn.Embedding(10, 3, padding_idx=0)
>>> input = torch.LongTensor([[0,2,0,5]])
>>> embedding(input)
tensor([[[ 0.0000,  0.0000,  0.0000],
         [ 0.1535, -2.0309,  0.9315],
         [ 0.0000,  0.0000,  0.0000],
         [-0.1655,  0.9897,  0.0635]]])

classmethod from_pretrained(embeddings, freeze=True, padding_idx=None, max_norm=None, norm_type=2.0, scale_grad_by_freq=False, sparse=False)¶

从给定的二维 FloatTensor 创建嵌入实例。

Parameters

  • 嵌入 (tensor)–包含嵌入权重的 FloatTensor。 第一维作为num_embeddings传递给嵌入,第二维作为embedding_dim传递给 Embedding。
  • 冻结(布尔 可选)–如果True,则张量不会在学习过程中更新。 等效于embedding.weight.requires_grad = False。 默认值:True
  • padding_idx (python:int 可选)–请参阅模块初始化文档。
  • max_norm (python:float 可选)–请参阅模块初始化文档。
  • norm_type (python:float 可选)–请参阅模块初始化文档。 默认值2
  • scale_grad_by_freq (布尔值 可选)–请参见模块初始化文档。 默认值False
  • 稀疏 (bool 可选)–请参阅模块初始化文档。

Examples:

>>> # FloatTensor containing pretrained weights
>>> weight = torch.FloatTensor([[1, 2.3, 3], [4, 5.1, 6.3]])
>>> embedding = nn.Embedding.from_pretrained(weight)
>>> # Get embeddings for index 1
>>> input = torch.LongTensor([1])
>>> embedding(input)
tensor([[ 4.0000,  5.1000,  6.3000]])

嵌入袋

class torch.nn.EmbeddingBag(num_embeddings, embedding_dim, max_norm=None, norm_type=2.0, scale_grad_by_freq=False, mode='mean', sparse=False, _weight=None)¶

计算嵌入“袋”的总和或方法,而无需实例化中间嵌入。

对于恒定长度且没有per_sample_weights的袋子,此类

  • mode="sum"等于 Embedding ,然后是torch.sum(dim=0)

    - mode="mean"等于 Embedding ,然后是torch.mean(dim=0)

    - mode="max"的等效于 Embedding ,然后是torch.max(dim=0)

但是, EmbeddingBag 比使用这些操作链要花费更多的时间和内存。

EmbeddingBag 还支持按样本权重作为正向传递的参数。 在执行mode指定的加权缩减之前,这会缩放嵌入的输出。 如果通过per_sample_weights``,则唯一支持的mode"sum",它根据per_sample_weights`计算加权和。

Parameters

  • num_embeddings (python:int) – size of the dictionary of embeddings
  • embedding_dim (python:int) – the size of each embedding vector
  • max_norm (python:float__, optional) – If given, each embedding vector with norm larger than max_norm is renormalized to have norm max_norm.
  • norm_type (python:float__, optional) – The p of the p-norm to compute for the max_norm option. Default 2.
  • scale_grad_by_freq (布尔 可选)–如果指定,则将按比例缩小坡度中单词的频率 批量。 默认值False。 注意:mode="max"时不支持此选项。
  • 模式(字符串 可选)– "sum""mean""max"。 指定减少袋子的方式。 "sum"会考虑per_sample_weights来计算加权总和。 "mean"计算袋子中值的平均值,"max"计算每个袋子中的最大值。 默认值:"mean"
  • 稀疏 (bool 可选)–如果True,则梯度 w.r.t. weight矩阵将是稀疏张量。 有关稀疏渐变的更多详细信息,请参见注释。 注意:mode="max"时不支持此选项。

Variables

〜EmbeddingBag.weight (tensor)–形状为<cite>的模块的可学习权重(从img初始化的 num_embeddings,embedding_dim)</cite> 。

Inputs: input (LongTensor), offsets (LongTensor, optional), and

per_index_weights(张量,可选)

  • 如果input是形状为<cite>(B,N)</cite>的二维,

它将被视为B袋(序列),每个袋子的长度都是固定长度N,这将返回B值的汇总值取决于mode。 在这种情况下,offsets被忽略,必须为None

  • 如果input是形状为<cite>(N)</cite>的 1D,

它将被视为多个包(序列)的串联。 offsets必须是一维张量,其中包含input中每个包的起始索引位置。 因此,对于形状为<cite>(B)</cite>的offsetsinput将被视为具有B袋。 空袋子(即长度为 0 的袋子)将返回由零填充的向量。

per_sample_weights (Tensor, optional): a tensor of float / double weights, or None

表示所有权重应为1。 如果指定,per_sample_weights必须具有与输入完全相同的形状,并且如果不是None,则将其视为具有相同的offsets。 仅支持mode='sum'

输出形状:<cite>(B,embedding_dim)</cite>

Examples:

>>> # an Embedding module containing 10 tensors of size 3
>>> embedding_sum = nn.EmbeddingBag(10, 3, mode='sum')
>>> # a batch of 2 samples of 4 indices each
>>> input = torch.LongTensor([1,2,4,5,4,3,2,9])
>>> offsets = torch.LongTensor([0,4])
>>> embedding_sum(input, offsets)
tensor([[-0.8861, -5.4350, -0.0523],
        [ 1.1306, -2.5798, -1.0044]])

classmethod from_pretrained(embeddings, freeze=True, max_norm=None, norm_type=2.0, scale_grad_by_freq=False, mode='mean', sparse=False)¶

从给定的二维 FloatTensor 创建 EmbeddingBag 实例。

Parameters

  • 嵌入 (tensor)–包含 EmbeddingBag 权重的 FloatTensor。 第一维正以“ num_embeddings”传递给 EmbeddingBag,第二维以“ embedding_dim”传递。
  • 冻结(布尔 可选)–如果True,则张量不会在学习过程中更新。 等效于embeddingbag.weight.requires_grad = False。 默认值:True
  • max_norm (python:float 可选)–请参阅模块初始化文档。 默认值:None
  • norm_type (python:float__, optional) – See module initialization documentation. Default 2.
  • scale_grad_by_freq (boolean__, optional) – See module initialization documentation. Default False.
  • 模式(字符串 可选)–请参见模块初始化文档。 默认值:"mean"
  • 稀疏 (bool 可选)–请参阅模块初始化文档。 默认值:False

Examples:

>>> # FloatTensor containing pretrained weights
>>> weight = torch.FloatTensor([[1, 2.3, 3], [4, 5.1, 6.3]])
>>> embeddingbag = nn.EmbeddingBag.from_pretrained(weight)
>>> # Get embeddings for index 1
>>> input = torch.LongTensor([[1, 0]])
>>> embeddingbag(input)
tensor([[ 2.5000,  3.7000,  4.6500]])

距离功能

余弦相似度

class torch.nn.CosineSimilarity(dim=1, eps=1e-08)¶

传回imgimg之间的余弦相似度(沿 dim 计算)。

img

Parameters

  • 昏暗的 (python:int 可选)–计算余弦相似度的维度。 默认值:1
  • eps (python:float 可选)–避免被零除的小值。 默认值:1e-8

Shape:

  • 输入 1:img,其中 D 在位置<cite>变暗</cite>
  • Input2:img,形状与 Input1 相同
  • 输出:img

Examples::


>>> input1 = torch.randn(100, 128)
>>> input2 = torch.randn(100, 128)
>>> cos = nn.CosineSimilarity(dim=1, eps=1e-6)
>>> output = cos(input1, input2)

成对距离

class torch.nn.PairwiseDistance(p=2.0, eps=1e-06, keepdim=False)¶

使用 p 范数计算向量imgimg之间的成对成对距离:

img

Parameters

  • p (实数)–规范度。 默认值:2
  • eps (python:float 可选)–避免被零除的小值。 默认值:1e-6
  • keepdim (bool 可选)–确定是否保留矢量尺寸。 默认值:False

Shape:

  • 输入 1:img,其中 <cite>D =矢量尺寸</cite>
  • Input2:img,形状与 Input1 相同
  • 输出:img。 如果keepdimTrue,则img

Examples::


>>> pdist = nn.PairwiseDistance(p=2)
>>> input1 = torch.randn(100, 128)
>>> input2 = torch.randn(100, 128)
>>> output = pdist(input1, input2)

损失函数

L1 损失

class torch.nn.L1Loss(size_average=None, reduce=None, reduction='mean')¶

创建一个标准,该标准测量输入img中的每个元素与目标img中的平均绝对误差(MAE)。

未减少的损失(即reduction设置为'none')的损失可描述为:

img

其中img是批次大小。 如果reduction不是'none'(默认为'mean'),则:

img

imgimg是任意形状的张量,每个张量共有img个元素。

求和运算仍对所有元素进行运算,并除以img

如果一组reduction = 'sum'可以避免被img划分。

Parameters

  • size_average (布尔 可选)–已弃用(请参见reduction)。 默认情况下,损失是批次中每个损失元素的平均数。 请注意,对于某些损失,每个样本有多个元素。 如果将字段size_average设置为False,则每个小批量的损失总和。 当 reduce 为False时将被忽略。 默认值:True
  • 还原(布尔 可选)–已弃用(请参阅reduction)。 默认情况下,取决于size_average,对每个小批量的观测值求平均或求和。 当reduceFalse时,返回每批元素损失,并忽略size_average。 默认值:True
  • 缩减(字符串 可选)–指定要应用于输出的缩减:'none' | 'mean' | 'sum''none':不应用任何减少量; 'mean':输出的总和除以输出中元素的数量; 'sum':将对输出求和。 注意:size_averagereduce正在淘汰中,与此同时,指定这两个 args 中的任何一个将覆盖reduction。 默认值:'mean'

Shape:

  • 输入:img其中img表示任意数量的附加尺寸
  • 目标:img,形状与输入相同
  • 输出:标量。 如果reduction'none',则img的形状与输入相同

Examples:

>>> loss = nn.L1Loss()
>>> input = torch.randn(3, 5, requires_grad=True)
>>> target = torch.randn(3, 5)
>>> output = loss(input, target)
>>> output.backward()

选配

class torch.nn.MSELoss(size_average=None, reduce=None, reduction='mean')¶

创建一个标准,该标准测量输入img和目标img中每个元素之间的均方误差(L2 平方平方)。

The unreduced (i.e. with reduction set to 'none') loss can be described as:

img

where img is the batch size. If reduction is not 'none' (default 'mean'), then:

img

img and img are tensors of arbitrary shapes with a total of img elements each.

The sum operation still operates over all the elements, and divides by img.

The division by img can be avoided if one sets reduction = 'sum'.

Parameters

  • size_average (bool__, optional) – Deprecated (see reduction). By default, the losses are averaged over each loss element in the batch. Note that for some losses, there are multiple elements per sample. If the field size_average is set to False, the losses are instead summed for each minibatch. Ignored when reduce is False. Default: True
  • reduce (bool__, optional) – Deprecated (see reduction). By default, the losses are averaged or summed over observations for each minibatch depending on size_average. When reduce is False, returns a loss per batch element instead and ignores size_average. Default: True
  • reduction (string__, optional) – Specifies the reduction to apply to the output: 'none' | 'mean' | 'sum'. 'none': no reduction will be applied, 'mean': the sum of the output will be divided by the number of elements in the output, 'sum': the output will be summed. Note: size_average and reduce are in the process of being deprecated, and in the meantime, specifying either of those two args will override reduction. Default: 'mean'

Shape:

  • Input: img where img means, any number of additional dimensions
  • Target: img, same shape as the input

Examples:

>>> loss = nn.MSELoss()
>>> input = torch.randn(3, 5, requires_grad=True)
>>> target = torch.randn(3, 5)
>>> output = loss(input, target)
>>> output.backward()

交叉熵损失

class torch.nn.CrossEntropyLoss(weight=None, size_average=None, ignore_index=-100, reduce=None, reduction='mean')¶

此标准将nn.LogSoftmax()nn.NLLLoss()合并为一个类别。

在训练带有 <cite>C</cite> 类的分类问题时很有用。 如果提供的话,可选参数weight应该是一维<cite>张量</cite>,为每个类分配权重。 当您的训练集不平衡时,此功能特别有用。

<cite>输入</cite>预计将包含每个类别的原始,未标准化的分数。

对于 <cite>K</cite> -维情况(稍后描述),<cite>输入</cite>必须为imgimgimg大小的张量。

对于一个大小为 <cite>minibatch</cite> 的 1D 张量张量的每个值,此标准都希望在img范围内的类别索引作为<cite>目标</cite>; 如果指定了 <cite>ignore_index</cite> ,则此条件也接受该类索引(该索引可能不一定在类范围内)。

损失可描述为:

img

或在指定weight参数的情况下:

img

对于每个小批量,损失是通过观察得出的平均值。

通过提供img大小为img的输入(其中img是尺寸的数量)和适当形状的目标,也可以用于更高尺寸的输入(例如 2D 图像)(请参见下文)。

Parameters

  • 重量 (tensor 可选)–为每个类别提供手动缩放比例的重量。 如果给定,则其张量必须为 <cite>C</cite>
  • size_average (bool__, optional) – Deprecated (see reduction). By default, the losses are averaged over each loss element in the batch. Note that for some losses, there are multiple elements per sample. If the field size_average is set to False, the losses are instead summed for each minibatch. Ignored when reduce is False. Default: True
  • ignore_index (python:int 可选)–指定目标值,该目标值将被忽略并且不会对输入梯度产生影响。 当size_averageTrue时,损耗是在不可忽略的目标上平均的。
  • reduce (bool__, optional) – Deprecated (see reduction). By default, the losses are averaged or summed over observations for each minibatch depending on size_average. When reduce is False, returns a loss per batch element instead and ignores size_average. Default: True
  • reduction (string__, optional) – Specifies the reduction to apply to the output: 'none' | 'mean' | 'sum'. 'none': no reduction will be applied, 'mean': the sum of the output will be divided by the number of elements in the output, 'sum': the output will be summed. Note: size_average and reduce are in the process of being deprecated, and in the meantime, specifying either of those two args will override reduction. Default: 'mean'

Shape:

  • 输入:img,其中 <cite>C =类</cite>的数量,或在 <cite>K</cite> -尺寸损失的情况下,imgimg一起使用。
  • 目标:img,其中每个值为img,或者在 K 维丢失的情况下为imgimg
  • 输出:标量。 如果reduction'none',则与 K 尺寸相同:imgimg,带有img的对象在 K 维丢失的情况下。

Examples:

>>> loss = nn.CrossEntropyLoss()
>>> input = torch.randn(3, 5, requires_grad=True)
>>> target = torch.empty(3, dtype=torch.long).random_(5)
>>> output = loss(input, target)
>>> output.backward()

CTCLoss

class torch.nn.CTCLoss(blank=0, reduction='mean', zero_infinity=False)¶

连接主义者的时间分类损失。

计算连续(非分段)时间序列与目标序列之间的损失。 CTCLoss 将输入与目标进行可能的对齐之和加起来,从而产生相对于每个输入节点可微分的损耗值。 假设输入与目标的比对是“多对一”,这限制了目标序列的长度,因此它必须是输入长度的img

Parameters

  • 空白 (python:int 可选)–空白标签。 默认值img
  • 缩减(字符串 可选)–指定要应用于输出的缩减:'none' | 'mean' | 'sum''none':不应用减少量,'mean':将输出损失除以目标长度,然后取批次的平均值。 默认值:'mean'
  • zero_infinity (bool 可选)–是否将无限大损失和相关的梯度归零。 默认值:False无限损失主要发生在输入太短而无法与目标对齐时。

Shape:

  • Log_probs:大小为img的张量,其中imgimgimg。 输出的对数概率(例如,使用 torch.nn.functional.log_softmax() 获得的概率)。
  • 目标:大小为imgimg的张量,其中imgimg。 它代表靶序列。 目标序列中的每个元素都是一个类索引。 并且目标索引不能为空(默认= 0)。 在img形式中,将目标填充到最长序列的长度,然后堆叠。 在img格式中,假定目标未填充且在 1 维内连接。
  • Input_lengths:大小为img的元组或张量,其中img。 它代表输入的长度(每个必须为img)。 并且在序列被填充为相等长度的假设下,为每个序列指定长度以实现屏蔽。
  • Target_lengths:大小为img的元组或张量,其中img。 它代表目标的长度。 在将序列填充为相等长度的假设下,为每个序列指定长度以实现屏蔽。 如果目标形状为img,则 target_lengths 实际上是每个目标序列的终止索引img,从而使批次中每个目标的target_n = targets[n,0:s_n]。 每个长度都必须为img如果目标是作为单个目标的并置的 1d 张量给出的,则 target_lengths 必须加起来为张量的总长度。
  • 输出:标量。 如果reduction'none',则为img,其中img

Example:

>>> T = 50      # Input sequence length
>>> C = 20      # Number of classes (including blank)
>>> N = 16      # Batch size
>>> S = 30      # Target sequence length of longest target in batch
>>> S_min = 10  # Minimum target length, for demonstration purposes
>>>
>>> # Initialize random batch of input vectors, for *size = (T,N,C)
>>> input = torch.randn(T, N, C).log_softmax(2).detach().requires_grad_()
>>>
>>> # Initialize random batch of targets (0 = blank, 1:C = classes)
>>> target = torch.randint(low=1, high=C, size=(N, S), dtype=torch.long)
>>>
>>> input_lengths = torch.full(size=(N,), fill_value=T, dtype=torch.long)
>>> target_lengths = torch.randint(low=S_min, high=S, size=(N,), dtype=torch.long)
>>> ctc_loss = nn.CTCLoss()
>>> loss = ctc_loss(input, target, input_lengths, target_lengths)
>>> loss.backward()
Reference:

A. Graves 等人:连接主义者的时间分类:使用循环神经网络标记未分段的序列数据: https://www.cs.toronto.edu/~graves/icml_2006.pdf

Note

为了使用 CuDNN,必须满足以下条件:targets必须为级联格式,所有input_lengths都必须为 <cite>T</cite> 。 imgtarget_lengths img,整数参数必须为 dtype torch.int32

常规实现使用(在 PyTorch 中更常见) <cite>torch.long</cite> dtype。

Note

In some circumstances when using the CUDA backend with CuDNN, this operator may select a nondeterministic algorithm to increase performance. If this is undesirable, you can try to make the operation deterministic (potentially at a performance cost) by setting torch.backends.cudnn.deterministic = True. Please see the notes on Reproducibility for background.

亏损

class torch.nn.NLLLoss(weight=None, size_average=None, ignore_index=-100, reduce=None, reduction='mean')¶

负对数似然损失。 训练带有 <cite>C</cite> 类的分类问题很有用。

如果提供,则可选参数weight应该是一维 Tensor,为每个类分配权重。 当您的训练集不平衡时,此功能特别有用。

通过前向调用给出的<cite>输入</cite>预计将包含每个类的对数概率。 对于 <cite>K</cite> -维情况(稍后描述),<cite>输入</cite>的张量必须为imgimgimg的大小。

通过在网络的最后一层添加 <cite>LogSoftmax</cite> 层,可以轻松获得神经网络中的对数概率。 如果您不想添加额外的图层,则可以改用 <cite>CrossEntropyLoss</cite> 。

该损失预期的<cite>目标</cite>应该是img范围内的类别索引,其中 <cite>C =类别数</cite>; 如果指定了 <cite>ignore_index</cite> ,则此丢失也将接受该类索引(该索引可能不一定在类范围内)。

The unreduced (i.e. with reduction set to 'none') loss can be described as:

img

其中img是批次大小。 如果reduction不是'none'(默认为'mean'),则

img

通过提供img大小为img的输入(其中img是尺寸的数量)和适当形状的目标,也可以用于更高尺寸的输入(例如 2D 图像)(请参见下文)。 对于图像,它计算每像素 NLL 损耗。

Parameters

  • 重量 (tensor 可选)–为每个类别提供手动缩放比例的重量。 如果给定,则它必须是 <cite>C</cite> 大小的张量。 否则,将其视为拥有全部。
  • size_average (bool__, optional) – Deprecated (see reduction). By default, the losses are averaged over each loss element in the batch. Note that for some losses, there are multiple elements per sample. If the field size_average is set to False, the losses are instead summed for each minibatch. Ignored when reduce is False. Default: True
  • ignore_index (python:int 可选)–指定目标值,该目标值将被忽略并且不会对输入梯度产生影响。 当size_averageTrue时,损耗是在不可忽略的目标上平均的。
  • reduce (bool__, optional) – Deprecated (see reduction). By default, the losses are averaged or summed over observations for each minibatch depending on size_average. When reduce is False, returns a loss per batch element instead and ignores size_average. Default: True
  • reduction (string__, optional) – Specifies the reduction to apply to the output: 'none' | 'mean' | 'sum'. 'none': no reduction will be applied, 'mean': the sum of the output will be divided by the number of elements in the output, 'sum': the output will be summed. Note: size_average and reduce are in the process of being deprecated, and in the meantime, specifying either of those two args will override reduction. Default: 'mean'

Shape:

  • Input: img where <cite>C = number of classes</cite>, or img with img in the case of <cite>K</cite>-dimensional loss.
  • Target: img where each value is img, or img with img in the case of K-dimensional loss.
  • 输出:标量。 如果reduction'none',则与 K 尺寸相同:imgimg,带有img的对象在 K 维丢失的情况下。

Examples:

>>> m = nn.LogSoftmax(dim=1)
>>> loss = nn.NLLLoss()
>>> # input is of size N x C = 3 x 5
>>> input = torch.randn(3, 5, requires_grad=True)
>>> # each element in target has to have 0 <= value < C
>>> target = torch.tensor([1, 0, 4])
>>> output = loss(m(input), target)
>>> output.backward()
>>>
>>>
>>> # 2D loss example (used, for example, with image inputs)
>>> N, C = 5, 4
>>> loss = nn.NLLLoss()
>>> # input is of size N x C x height x width
>>> data = torch.randn(N, 16, 10, 10)
>>> conv = nn.Conv2d(16, C, (3, 3))
>>> m = nn.LogSoftmax(dim=1)
>>> # each element in target has to have 0 <= value < C
>>> target = torch.empty(N, 8, 8, dtype=torch.long).random_(0, C)
>>> output = loss(m(conv(data)), target)
>>> output.backward()

泊松

class torch.nn.PoissonNLLLoss(log_input=True, full=False, size_average=None, eps=1e-08, reduce=None, reduction='mean')¶

带有目标泊松分布的负对数似然损失。

The loss can be described as:

img

最后一项可以省略,也可以用斯特林公式近似。 逼近值用于大于 1 的目标值。对于小于或等于 1 的目标值,零添加到损耗中。

Parameters

  • log_input (bool 可选)–如果True的损失计算为img,如果False的损失计算 是img

  • 完整的 (bool 可选)–

是否计算全部损失; i。 e。 添加斯特林近似项

img

  • size_average (bool__, optional) – Deprecated (see reduction). By default, the losses are averaged over each loss element in the batch. Note that for some losses, there are multiple elements per sample. If the field size_average is set to False, the losses are instead summed for each minibatch. Ignored when reduce is False. Default: True

  • eps (python:float 可选)–较小的值,以避免在log_input = False时评估img。 默认值:1e-8

  • reduce (bool__, optional) – Deprecated (see reduction). By default, the losses are averaged or summed over observations for each minibatch depending on size_average. When reduce is False, returns a loss per batch element instead and ignores size_average. Default: True

  • reduction (string__, optional) – Specifies the reduction to apply to the output: 'none' | 'mean' | 'sum'. 'none': no reduction will be applied, 'mean': the sum of the output will be divided by the number of elements in the output, 'sum': the output will be summed. Note: size_average and reduce are in the process of being deprecated, and in the meantime, specifying either of those two args will override reduction. Default: 'mean'

Examples:

>>> loss = nn.PoissonNLLLoss()
>>> log_input = torch.randn(5, 2, requires_grad=True)
>>> target = torch.randn(5, 2)
>>> output = loss(log_input, target)
>>> output.backward()
Shape:

  • Input: img where img means, any number of additional dimensions
  • Target: img, same shape as the input
  • 输出:默认情况下为标量。 如果reduction'none',则img的形状与输入相同

损失

class torch.nn.KLDivLoss(size_average=None, reduce=None, reduction='mean')¶

Kullback-Leibler 散度损失

KL 散度是用于连续分布的有用距离度量,并且在对(离散采样)连续输出分布的空间进行直接回归时通常很有用。

NLLLoss 一样,给定的<cite>输入</cite>预期包含对数概率,并且不限于 2D 张量。 目标以概率给出(即,不取对数)。

该标准要求<cite>目标</cite> <cite>张量</cite>与<cite>输入</cite> <cite>张量</cite>大小相同。

The unreduced (i.e. with reduction set to 'none') loss can be described as:

img

其中索引img跨越input的所有维度,并且img具有与input相同的形状。 如果reduction不是'none'(默认为'mean'),则:

img

在默认的reduction模式'mean'中,损耗是对观察值和尺寸上的的每个小批量进行平均的。 'batchmean'模式给出正确的 KL 散度,其中损失仅在批次范围内平均。 在下一个主要版本中,'mean'模式的行为将更改为与'batchmean'相同。

Parameters

  • size_average (bool__, optional) – Deprecated (see reduction). By default, the losses are averaged over each loss element in the batch. Note that for some losses, there are multiple elements per sample. If the field size_average is set to False, the losses are instead summed for each minibatch. Ignored when reduce is False. Default: True
  • reduce (bool__, optional) – Deprecated (see reduction). By default, the losses are averaged or summed over observations for each minibatch depending on size_average. When reduce is False, returns a loss per batch element instead and ignores size_average. Default: True
  • 缩减(字符串 可选)–指定要应用于输出的缩减:'none' | 'batchmean' | 'sum' | 'mean''none':不应用减少。 'batchmean':输出的总和将除以 batchsize。 'sum':将对输出求和。 'mean':输出将除以输出中的元素数。 默认值:'mean'

Note

size_averagereduce正在弃用的过程中,与此同时,指定这两个 args 中的任何一个将覆盖reduction

Note

reduction = 'mean'未返回真实的 kl 散度值,请使用与 KL 数学定义一致的reduction = 'batchmean'。 在下一个主要版本中,'mean'将更改为与'batchmean'相同。

Shape:

  • Input: img where img means, any number of additional dimensions
  • Target: img, same shape as the input
  • 输出:默认情况下为标量。 如果:attr:reduction'none',则img的形状与输入的形状相同

BCELoss

class torch.nn.BCELoss(weight=None, size_average=None, reduce=None, reduction='mean')¶

创建一个衡量目标和输出之间的二进制交叉熵的标准:

The unreduced (i.e. with reduction set to 'none') loss can be described as:

img

where img is the batch size. If reduction is not 'none' (default 'mean'), then

img

这用于测量例如自动编码器中的重建误差。 请注意,目标img应为 0 到 1 之间的数字。

Parameters

  • 重量 (tensor 可选)–手工重新定标重量,以补偿每个批次元素的损失。 如果给定,则必须是大小为 <cite>nbatch</cite> 的张量。
  • size_average (bool__, optional) – Deprecated (see reduction). By default, the losses are averaged over each loss element in the batch. Note that for some losses, there are multiple elements per sample. If the field size_average is set to False, the losses are instead summed for each minibatch. Ignored when reduce is False. Default: True
  • reduce (bool__, optional) – Deprecated (see reduction). By default, the losses are averaged or summed over observations for each minibatch depending on size_average. When reduce is False, returns a loss per batch element instead and ignores size_average. Default: True
  • reduction (string__, optional) – Specifies the reduction to apply to the output: 'none' | 'mean' | 'sum'. 'none': no reduction will be applied, 'mean': the sum of the output will be divided by the number of elements in the output, 'sum': the output will be summed. Note: size_average and reduce are in the process of being deprecated, and in the meantime, specifying either of those two args will override reduction. Default: 'mean'

Shape:

  • Input: img where img means, any number of additional dimensions
  • Target: img, same shape as the input
  • 输出:标量。 如果reduction'none',则img与输入形状相同。

Examples:

>>> m = nn.Sigmoid()
>>> loss = nn.BCELoss()
>>> input = torch.randn(3, requires_grad=True)
>>> target = torch.empty(3).random_(2)
>>> output = loss(m(input), target)
>>> output.backward()

BCEWithLogitsLoss

class torch.nn.BCEWithLogitsLoss(weight=None, size_average=None, reduce=None, reduction='mean', pos_weight=None)¶

这种损失将<cite>乙状结肠</cite>层和 <cite>BCELoss</cite> 合并为一个类别。 该版本比使用普通的 <cite>Sigmoid</cite> 和随后的 <cite>BCELoss</cite> 在数值上更稳定,因为通过将操作合并为一层,我们利用了 log-sum-exp 技巧进行数值计算 稳定性。

The unreduced (i.e. with reduction set to 'none') loss can be described as:

img

where img is the batch size. If reduction is not 'none' (default 'mean'), then

img

这用于测量例如自动编码器中的重建误差。 请注意,目标 <cite>t [i]</cite> 应为 0 到 1 之间的数字。

通过在积极的例子中增加权重,可以权衡召回率和准确性。 在多标签分类的情况下,损失可描述为:

img

其中,img是类别编号(对于多标签二进制分类,img;对于单标签二进制分类,img),img是批次中样品的数量,img是样品的重量 课程img的肯定答案。

img增加查全率,img增加精度。

例如,如果数据集包含一个类的 100 个正例和 300 个负例,则该类的 <cite>pos_weight</cite> 应等于img。 损失将好像数据集包含img阳性示例。

Examples:

>>> target = torch.ones([10, 64], dtype=torch.float32)  # 64 classes, batch size = 10
>>> output = torch.full([10, 64], 0.999)  # A prediction (logit)
>>> pos_weight = torch.ones([64])  # All weights are equal to 1
>>> criterion = torch.nn.BCEWithLogitsLoss(pos_weight=pos_weight)
>>> criterion(output, target)  # -log(sigmoid(0.999))
tensor(0.3135)

Parameters

  • weight (Tensor, optional) – a manual rescaling weight given to the loss of each batch element. If given, has to be a Tensor of size <cite>nbatch</cite>.
  • size_average (bool__, optional) – Deprecated (see reduction). By default, the losses are averaged over each loss element in the batch. Note that for some losses, there are multiple elements per sample. If the field size_average is set to False, the losses are instead summed for each minibatch. Ignored when reduce is False. Default: True
  • reduce (bool__, optional) – Deprecated (see reduction). By default, the losses are averaged or summed over observations for each minibatch depending on size_average. When reduce is False, returns a loss per batch element instead and ignores size_average. Default: True
  • reduction (string__, optional) – Specifies the reduction to apply to the output: 'none' | 'mean' | 'sum'. 'none': no reduction will be applied, 'mean': the sum of the output will be divided by the number of elements in the output, 'sum': the output will be summed. Note: size_average and reduce are in the process of being deprecated, and in the meantime, specifying either of those two args will override reduction. Default: 'mean'
  • pos_weight (tensor 可选)–正例的权重。 必须是长度等于类数的向量。

Shape:

  • 输入:img其中img表示任意数量的附加尺寸

    - Target: img, same shape as the input

    - Output: scalar. If reduction is 'none', then img, same shape as input.

Examples:

>>> loss = nn.BCEWithLogitsLoss()
>>> input = torch.randn(3, requires_grad=True)
>>> target = torch.empty(3).random_(2)
>>> output = loss(input, target)
>>> output.backward()

保证金排名损失

class torch.nn.MarginRankingLoss(margin=0.0, size_average=None, reduce=None, reduction='mean')¶

创建一个标准来测量给定输入imgimg,两个 1D 迷你批量<cite>张量</cite>和标签 1D 迷你批量张量img(包含 1 或-1)的损耗。

如果img,则假定第一个输入的排名应高于第二个输入(具有更大的值),反之亦然。

迷你批次中每个样本的损失函数为:

img

Parameters

  • 边距 (python:float 可选)–默认值为img
  • size_average (bool__, optional) – Deprecated (see reduction). By default, the losses are averaged over each loss element in the batch. Note that for some losses, there are multiple elements per sample. If the field size_average is set to False, the losses are instead summed for each minibatch. Ignored when reduce is False. Default: True
  • reduce (bool__, optional) – Deprecated (see reduction). By default, the losses are averaged or summed over observations for each minibatch depending on size_average. When reduce is False, returns a loss per batch element instead and ignores size_average. Default: True
  • reduction (string__, optional) – Specifies the reduction to apply to the output: 'none' | 'mean' | 'sum'. 'none': no reduction will be applied, 'mean': the sum of the output will be divided by the number of elements in the output, 'sum': the output will be summed. Note: size_average and reduce are in the process of being deprecated, and in the meantime, specifying either of those two args will override reduction. Default: 'mean'

Shape:

  • 输入:img,其中 <cite>N</cite> 是批次大小, <cite>D</cite> 是样本大小。
  • 目标:img
  • 输出:标量。 如果reduction'none',则img

嵌入损耗

class torch.nn.HingeEmbeddingLoss(margin=1.0, size_average=None, reduce=None, reduction='mean')¶

在输入张量img和标签张量img(包含 1 或-1)的情况下测量损耗。 通常用于测量两个输入是否相似或不相似,例如 使用 L1 成对距离作为img,通常用于学习非线性嵌入或半监督学习。

微型批次中第img个样本的损失函数为

img

总损失函数为

img

其中img

Parameters

  • 边距 (python:float 可选)–默认值为 <cite>1</cite> 。
  • size_average (bool__, optional) – Deprecated (see reduction). By default, the losses are averaged over each loss element in the batch. Note that for some losses, there are multiple elements per sample. If the field size_average is set to False, the losses are instead summed for each minibatch. Ignored when reduce is False. Default: True
  • reduce (bool__, optional) – Deprecated (see reduction). By default, the losses are averaged or summed over observations for each minibatch depending on size_average. When reduce is False, returns a loss per batch element instead and ignores size_average. Default: True
  • reduction (string__, optional) – Specifies the reduction to apply to the output: 'none' | 'mean' | 'sum'. 'none': no reduction will be applied, 'mean': the sum of the output will be divided by the number of elements in the output, 'sum': the output will be summed. Note: size_average and reduce are in the process of being deprecated, and in the meantime, specifying either of those two args will override reduction. Default: 'mean'

Shape:

  • 输入:img其中img表示任意数量的尺寸。 求和运算对所有元素进行运算。
  • 目标:img,形状与输入相同
  • 输出:标量。 如果reduction'none',则形状与输入相同

多标签保证金损失

class torch.nn.MultiLabelMarginLoss(size_average=None, reduce=None, reduction='mean')¶

创建一个标准,以优化输入img(2D 微型批量<cite>张量</cite>)和输出img(2D <cite>目标类别索引的张量</cite>。 对于小批量中的每个样品:

img

其中,imgimgimgimg都适用于imgimg

imgimg的大小必须相同。

该标准仅考虑从正面开始的非负目标的连续块。

这允许不同的样本具有可变数量的目标类别。

Parameters

  • size_average (bool__, optional) – Deprecated (see reduction). By default, the losses are averaged over each loss element in the batch. Note that for some losses, there are multiple elements per sample. If the field size_average is set to False, the losses are instead summed for each minibatch. Ignored when reduce is False. Default: True
  • reduce (bool__, optional) – Deprecated (see reduction). By default, the losses are averaged or summed over observations for each minibatch depending on size_average. When reduce is False, returns a loss per batch element instead and ignores size_average. Default: True
  • reduction (string__, optional) – Specifies the reduction to apply to the output: 'none' | 'mean' | 'sum'. 'none': no reduction will be applied, 'mean': the sum of the output will be divided by the number of elements in the output, 'sum': the output will be summed. Note: size_average and reduce are in the process of being deprecated, and in the meantime, specifying either of those two args will override reduction. Default: 'mean'

Shape:

  • 输入:imgimg,其中 <cite>N</cite> 是批处理大小, <cite>C</cite> 是类别数。
  • 目标:imgimg,标有-1 的标签目标确保与输入形状相同。
  • Output: scalar. If reduction is 'none', then img.

Examples:

>>> loss = nn.MultiLabelMarginLoss()
>>> x = torch.FloatTensor([[0.1, 0.2, 0.4, 0.8]])
>>> # for target y, only consider labels 3 and 0, not after label -1
>>> y = torch.LongTensor([[3, 0, -1, 1]])
>>> loss(x, y)
>>> # 0.25 * ((1-(0.1-0.2)) + (1-(0.1-0.4)) + (1-(0.8-0.2)) + (1-(0.8-0.4)))
tensor(0.8500)

平滑 L1 损失

class torch.nn.SmoothL1Loss(size_average=None, reduce=None, reduction='mean')¶

如果每个元素的绝对误差小于 1,则创建一个使用平方项的条件,否则,则使用 L1 项。 它对异常值的敏感性不及 <cite>MSELoss</cite> ,并且在某些情况下可以防止爆炸梯度(例如,参见 Ross Girshick 的 <cite>Fast R-CNN</cite> 论文)。 也称为胡贝尔损耗:

img

其中img的计算公式为:

img

具有总共img个元素的imgimg任意形状,求和运算仍对所有元素进行运算,并除以img

如果设置reduction = 'sum',则可以避免被img划分。

Parameters

  • size_average (bool__, optional) – Deprecated (see reduction). By default, the losses are averaged over each loss element in the batch. Note that for some losses, there are multiple elements per sample. If the field size_average is set to False, the losses are instead summed for each minibatch. Ignored when reduce is False. Default: True
  • reduce (bool__, optional) – Deprecated (see reduction). By default, the losses are averaged or summed over observations for each minibatch depending on size_average. When reduce is False, returns a loss per batch element instead and ignores size_average. Default: True
  • reduction (string__, optional) – Specifies the reduction to apply to the output: 'none' | 'mean' | 'sum'. 'none': no reduction will be applied, 'mean': the sum of the output will be divided by the number of elements in the output, 'sum': the output will be summed. Note: size_average and reduce are in the process of being deprecated, and in the meantime, specifying either of those two args will override reduction. Default: 'mean'

Shape:

  • Input: img where img means, any number of additional dimensions
  • Target: img, same shape as the input
  • Output: scalar. If reduction is 'none', then img, same shape as the input

软保证金损失

class torch.nn.SoftMarginLoss(size_average=None, reduce=None, reduction='mean')¶

创建一个标准,以优化输入张量img与目标张量img(包含 1 或-1)之间的两类分类逻辑损失。

img

Parameters

  • size_average (bool__, optional) – Deprecated (see reduction). By default, the losses are averaged over each loss element in the batch. Note that for some losses, there are multiple elements per sample. If the field size_average is set to False, the losses are instead summed for each minibatch. Ignored when reduce is False. Default: True
  • reduce (bool__, optional) – Deprecated (see reduction). By default, the losses are averaged or summed over observations for each minibatch depending on size_average. When reduce is False, returns a loss per batch element instead and ignores size_average. Default: True
  • reduction (string__, optional) – Specifies the reduction to apply to the output: 'none' | 'mean' | 'sum'. 'none': no reduction will be applied, 'mean': the sum of the output will be divided by the number of elements in the output, 'sum': the output will be summed. Note: size_average and reduce are in the process of being deprecated, and in the meantime, specifying either of those two args will override reduction. Default: 'mean'

Shape:

  • 输入:img其中img表示任意数量的附加尺寸
  • Target: img, same shape as the input
  • Output: scalar. If reduction is 'none', then same shape as the input

MultiLabelSoftMarginLoss

class torch.nn.MultiLabelSoftMarginLoss(weight=None, size_average=None, reduce=None, reduction='mean')¶

创建一个标准,该标准基于大小img的输入img和目标img之间的最大熵,优化多标签“一对全”损失。 对于小批量中的每个样品:

img

其中imgimg

Parameters

  • weight (*Tensor*, optional) – a manual rescaling weight given to each class. If given, it has to be a Tensor of size <cite>C</cite>. Otherwise, it is treated as if having all ones.
  • size_average (bool__, optional) – Deprecated (see reduction). By default, the losses are averaged over each loss element in the batch. Note that for some losses, there are multiple elements per sample. If the field size_average is set to False, the losses are instead summed for each minibatch. Ignored when reduce is False. Default: True
  • reduce (bool__, optional) – Deprecated (see reduction). By default, the losses are averaged or summed over observations for each minibatch depending on size_average. When reduce is False, returns a loss per batch element instead and ignores size_average. Default: True
  • reduction (string__, optional) – Specifies the reduction to apply to the output: 'none' | 'mean' | 'sum'. 'none': no reduction will be applied, 'mean': the sum of the output will be divided by the number of elements in the output, 'sum': the output will be summed. Note: size_average and reduce are in the process of being deprecated, and in the meantime, specifying either of those two args will override reduction. Default: 'mean'

Shape:

  • 输入:img,其中 <cite>N</cite> 是批次大小, <cite>C</cite> 是类别数量。
  • 目标:img,用-1 填充的标签目标确保与输入形状相同。
  • Output: scalar. If reduction is 'none', then img.

余弦嵌入损失

class torch.nn.CosineEmbeddingLoss(margin=0.0, size_average=None, reduce=None, reduction='mean')¶

创建一个标准来测量给定输入张量imgimg和<cite>张量</cite>标签img的损耗,其值为 1 或-1。 这用于使用余弦距离来测量两个输入是否相似或不相似,并且通常用于学习非线性嵌入或半监督学习。

每个样本的损失函数为:

img

Parameters

  • 保证金 (python:float 可选)–应该是从imgimgimg 建议使用img。 如果缺少margin,则默认值为img
  • size_average (bool__, optional) – Deprecated (see reduction). By default, the losses are averaged over each loss element in the batch. Note that for some losses, there are multiple elements per sample. If the field size_average is set to False, the losses are instead summed for each minibatch. Ignored when reduce is False. Default: True
  • reduce (bool__, optional) – Deprecated (see reduction). By default, the losses are averaged or summed over observations for each minibatch depending on size_average. When reduce is False, returns a loss per batch element instead and ignores size_average. Default: True
  • reduction (string__, optional) – Specifies the reduction to apply to the output: 'none' | 'mean' | 'sum'. 'none': no reduction will be applied, 'mean': the sum of the output will be divided by the number of elements in the output, 'sum': the output will be summed. Note: size_average and reduce are in the process of being deprecated, and in the meantime, specifying either of those two args will override reduction. Default: 'mean'

多保证金亏损

class torch.nn.MultiMarginLoss(p=1, margin=1.0, weight=None, size_average=None, reduce=None, reduction='mean')¶

创建一个标准,以优化输入img(2D 微型批处理<cite>张量</cite>)和输出img(目标的 1D 张量)之间的多类分类铰链损耗(基于边距的损耗) 类别索引img):

对于每个小批量样品,一维输入img和标量输出img的损耗为:

img

其中imgimg

(可选)您可以通过将 1D weight张量传递到构造函数中来对类进行非相等加权。

损失函数将变为:

img

Parameters

  • p (python:int 可选)–默认值为img。 仅支持imgimg值。
  • 边距 (python:float 可选)–默认值为img
  • weight (*Tensor*, optional) – a manual rescaling weight given to each class. If given, it has to be a Tensor of size <cite>C</cite>. Otherwise, it is treated as if having all ones.
  • size_average (bool__, optional) – Deprecated (see reduction). By default, the losses are averaged over each loss element in the batch. Note that for some losses, there are multiple elements per sample. If the field size_average is set to False, the losses are instead summed for each minibatch. Ignored when reduce is False. Default: True
  • reduce (bool__, optional) – Deprecated (see reduction). By default, the losses are averaged or summed over observations for each minibatch depending on size_average. When reduce is False, returns a loss per batch element instead and ignores size_average. Default: True
  • reduction (string__, optional) – Specifies the reduction to apply to the output: 'none' | 'mean' | 'sum'. 'none': no reduction will be applied, 'mean': the sum of the output will be divided by the number of elements in the output, 'sum': the output will be summed. Note: size_average and reduce are in the process of being deprecated, and in the meantime, specifying either of those two args will override reduction. Default: 'mean'

三重保证金亏损

class torch.nn.TripletMarginLoss(margin=1.0, p=2.0, eps=1e-06, swap=False, size_average=None, reduce=None, reduction='mean')¶

创建一个标准,该标准在输入张量imgimgimg和值大于img的边距下测量三重态损失。 这用于测量样本之间的相对相似性。 一个三元组由 <cite>a</cite> , <cite>p</cite> 和 <cite>n</cite> 组成(即<cite>锚定</cite>,<cite>阳性示例</cite>和[HTG14 负面示例)。 所有输入张量的形状应为img

V. Balntas,E. Riba 等人的论文学习具有三重态损失的浅卷积特征描述符中详细描述了距离交换。

The loss function for each sample in the mini-batch is:

img

哪里

img

Parameters

  • 边距 (python:float 可选)–默认值:img
  • p (python:int 可选)–成对距离的标准度。 默认值:img
  • 交换 (bool 可选)–距离交换在论文中详细描述。<cite>通过以下方法学习浅卷积特征描述符 V. Balntas,E。Riba 等人的三重损失</cite>。 默认值:False
  • size_average (bool__, optional) – Deprecated (see reduction). By default, the losses are averaged over each loss element in the batch. Note that for some losses, there are multiple elements per sample. If the field size_average is set to False, the losses are instead summed for each minibatch. Ignored when reduce is False. Default: True
  • reduce (bool__, optional) – Deprecated (see reduction). By default, the losses are averaged or summed over observations for each minibatch depending on size_average. When reduce is False, returns a loss per batch element instead and ignores size_average. Default: True
  • reduction (string__, optional) – Specifies the reduction to apply to the output: 'none' | 'mean' | 'sum'. 'none': no reduction will be applied, 'mean': the sum of the output will be divided by the number of elements in the output, 'sum': the output will be summed. Note: size_average and reduce are in the process of being deprecated, and in the meantime, specifying either of those two args will override reduction. Default: 'mean'

Shape:

  • 输入:img其中img是矢量尺寸。
  • Output: scalar. If reduction is 'none', then img.

>>> triplet_loss = nn.TripletMarginLoss(margin=1.0, p=2)
>>> anchor = torch.randn(100, 128, requires_grad=True)
>>> positive = torch.randn(100, 128, requires_grad=True)
>>> negative = torch.randn(100, 128, requires_grad=True)
>>> output = triplet_loss(anchor, positive, negative)
>>> output.backward()

视觉层

像素随机播放

class torch.nn.PixelShuffle(upscale_factor)¶

将形状为img的张量中的元素重新排列为形状为img的张量中的元素。

这对于实现跨度为img的有效子像素卷积很有用。

看论文:Shi 等人的使用高效的亚像素卷积神经网络进行实时单图像和视频超分辨率。 al(2016)了解更多详情。

Parameters

upscale_factor (python:int )–通过提高空间分辨率的因子

Shape:

  • 输入:img,其中img
  • 输出:img,其中imgimg

Examples:

>>> pixel_shuffle = nn.PixelShuffle(3)
>>> input = torch.randn(1, 9, 4, 4)
>>> output = pixel_shuffle(input)
>>> print(output.size())
torch.Size([1, 1, 12, 12])

上采样

class torch.nn.Upsample(size=None, scale_factor=None, mode='nearest', align_corners=None)¶

上采样给定的多通道 1D(时间),2D(空间)或 3D(体积)数据。

假定输入数据的形式为<cite>微型批处理 x 通道 x [可选深度] x [可选高度] x 宽度</cite>。 因此,对于空间输入,我们期望使用 4D 张量;对于体积输入,我们期望使用 5D 张量。

可用于上采样的算法分别是 3D,4D 和 5D 输入张量的最近邻和线性,双线性,双三次和三线性。

可以给出scale_factor或目标输出size来计算输出大小。 (因为模棱两可,您不能同时给出两者)

Parameters

  • 大小 (python:int 元组 [ python:int ]或 元组 [ python:int python:int ]或 元组 [ python:int python:int python:int ] 可选)–输出空间大小
  • scale_factor (python:float 元组 [ python:float ]或 元组 [ python:float python:float ]或 元组 [ python:float python:float python:float ] 可选)–空间大小的乘数。 如果是元组,则必须匹配输入大小。
  • 模式 (str 可选)–上采样算法:'nearest''linear''bilinear',[ 'bicubic''trilinear'。 默认值:'nearest'
  • align_corners (bool 可选)–如果True,则输入和输出张量的角像素对齐,因此 保留这些像素的值。 仅在mode'linear''bilinear''trilinear'时才有效。 默认值:False

Shape:

  • 输入:imgimgimg
  • 输出:imgimgimg,其中

img

img

img

Warning

使用align_corners = True时,线性插值模式(<cite>线性</cite>,<cite>双线性</cite>,<cite>双三次</cite>和<cite>三线性</cite>)不会按比例对齐输出 和输入像素,因此输出值可能取决于输入大小。 这是这些模式(0.3.1 版之前)的默认行为。 从那时起,默认行为是align_corners = False。 有关如何影响输出的具体示例,请参见下文。

Note

如果要缩减采样/调整大小,应使用interpolate()

Examples:

>>> input = torch.arange(1, 5, dtype=torch.float32).view(1, 1, 2, 2)
>>> input
tensor([[[[ 1.,  2.],
          [ 3.,  4.]]]])


>>> m = nn.Upsample(scale_factor=2, mode='nearest')
>>> m(input)
tensor([[[[ 1.,  1.,  2.,  2.],
          [ 1.,  1.,  2.,  2.],
          [ 3.,  3.,  4.,  4.],
          [ 3.,  3.,  4.,  4.]]]])


>>> m = nn.Upsample(scale_factor=2, mode='bilinear')  # align_corners=False
>>> m(input)
tensor([[[[ 1.0000,  1.2500,  1.7500,  2.0000],
          [ 1.5000,  1.7500,  2.2500,  2.5000],
          [ 2.5000,  2.7500,  3.2500,  3.5000],
          [ 3.0000,  3.2500,  3.7500,  4.0000]]]])


>>> m = nn.Upsample(scale_factor=2, mode='bilinear', align_corners=True)
>>> m(input)
tensor([[[[ 1.0000,  1.3333,  1.6667,  2.0000],
          [ 1.6667,  2.0000,  2.3333,  2.6667],
          [ 2.3333,  2.6667,  3.0000,  3.3333],
          [ 3.0000,  3.3333,  3.6667,  4.0000]]]])


>>> # Try scaling the same data in a larger tensor
>>>
>>> input_3x3 = torch.zeros(3, 3).view(1, 1, 3, 3)
>>> input_3x3[:, :, :2, :2].copy_(input)
tensor([[[[ 1.,  2.],
          [ 3.,  4.]]]])
>>> input_3x3
tensor([[[[ 1.,  2.,  0.],
          [ 3.,  4.,  0.],
          [ 0.,  0.,  0.]]]])


>>> m = nn.Upsample(scale_factor=2, mode='bilinear')  # align_corners=False
>>> # Notice that values in top left corner are the same with the small input (except at boundary)
>>> m(input_3x3)
tensor([[[[ 1.0000,  1.2500,  1.7500,  1.5000,  0.5000,  0.0000],
          [ 1.5000,  1.7500,  2.2500,  1.8750,  0.6250,  0.0000],
          [ 2.5000,  2.7500,  3.2500,  2.6250,  0.8750,  0.0000],
          [ 2.2500,  2.4375,  2.8125,  2.2500,  0.7500,  0.0000],
          [ 0.7500,  0.8125,  0.9375,  0.7500,  0.2500,  0.0000],
          [ 0.0000,  0.0000,  0.0000,  0.0000,  0.0000,  0.0000]]]])


>>> m = nn.Upsample(scale_factor=2, mode='bilinear', align_corners=True)
>>> # Notice that values in top left corner are now changed
>>> m(input_3x3)
tensor([[[[ 1.0000,  1.4000,  1.8000,  1.6000,  0.8000,  0.0000],
          [ 1.8000,  2.2000,  2.6000,  2.2400,  1.1200,  0.0000],
          [ 2.6000,  3.0000,  3.4000,  2.8800,  1.4400,  0.0000],
          [ 2.4000,  2.7200,  3.0400,  2.5600,  1.2800,  0.0000],
          [ 1.2000,  1.3600,  1.5200,  1.2800,  0.6400,  0.0000],
          [ 0.0000,  0.0000,  0.0000,  0.0000,  0.0000,  0.0000]]]])

UpsamplingNearest2d

class torch.nn.UpsamplingNearest2d(size=None, scale_factor=None)¶

将二维最近邻居上采样应用于由多个输入通道组成的输入信号。

要指定比例,请使用sizescale_factor作为构造函数参数。

给定size时,它是图像<cite>(h,w)</cite>的输出大小。

Parameters

  • 大小 (python:int 元组 [ python:int python:int ] 可选)–输出空间大小
  • scale_factor (python:float 元组 [ python:float python:float ] 可选)–空间大小的乘数。

Warning

不推荐使用此类,而推荐使用interpolate()

Shape:

  • Input: img
  • Output: img where

img

img

Examples:

>>> input = torch.arange(1, 5, dtype=torch.float32).view(1, 1, 2, 2)
>>> input
tensor([[[[ 1.,  2.],
          [ 3.,  4.]]]])


>>> m = nn.UpsamplingNearest2d(scale_factor=2)
>>> m(input)
tensor([[[[ 1.,  1.,  2.,  2.],
          [ 1.,  1.,  2.,  2.],
          [ 3.,  3.,  4.,  4.],
          [ 3.,  3.,  4.,  4.]]]])

上采样双线性 2d

class torch.nn.UpsamplingBilinear2d(size=None, scale_factor=None)¶

将二维双线性上采样应用于由多个输入通道组成的输入信号。

To specify the scale, it takes either the size or the scale_factor as it's constructor argument.

When size is given, it is the output size of the image <cite>(h, w)</cite>.

Parameters

  • size (python:int or Tuple[python:int__, python:int], optional) – output spatial sizes
  • scale_factor (python:float or Tuple[python:float__, python:float], optional) – multiplier for spatial size.

Warning

不推荐使用此类,而推荐使用interpolate()。 等效于nn.functional.interpolate(..., mode='bilinear', align_corners=True)

Shape:

  • Input: img
  • Output: img where

img

img

Examples:

>>> input = torch.arange(1, 5, dtype=torch.float32).view(1, 1, 2, 2)
>>> input
tensor([[[[ 1.,  2.],
          [ 3.,  4.]]]])


>>> m = nn.UpsamplingBilinear2d(scale_factor=2)
>>> m(input)
tensor([[[[ 1.0000,  1.3333,  1.6667,  2.0000],
          [ 1.6667,  2.0000,  2.3333,  2.6667],
          [ 2.3333,  2.6667,  3.0000,  3.3333],
          [ 3.0000,  3.3333,  3.6667,  4.0000]]]])

DataParallel 层(多 GPU,分布式)

数据并行

class torch.nn.DataParallel(module, device_ids=None, output_device=None, dim=0)¶

在模块级别实现数据并行性。

该容器通过按批处理维度中的组块在指定设备之间划分输入来并行化给定module的应用程序(其他对象将每个设备复制一次)。 在前向传递中,模块在每个设备上复制,每个副本处理输入的一部分。 在向后传递过程中,每个副本的梯度被累加到原始模块中。

批处理大小应大于使用的 GPU 数量。

另请参见:使用 nn.DataParallel 而不是并行处理

允许将任意位置和关键字输入传递到 DataParallel 中,但是某些类型经过特殊处理。 张量将在指定的昏暗状态(默认值为 0)下分散为。 元组,列表和字典类型将被浅表复制。 其他类型将在不同线程之间共享,并且如果写入模型的前向传递中,则可能会损坏。

运行此 DataParallel 模块之前,并行化的module必须在device_ids[0]上具有其参数和缓冲区。

Warning

在每个转发中,module是在每个设备上复制的,因此对forward中正在运行的模块的任何更新都将丢失。 例如,如果module具有在每个forward中递增的计数器属性,则它将始终保持在初始值,因为更新是在forward之后销毁的副本上进行的。 但是, DataParallel 保证device[0]上的副本具有与基本并行化module共享存储的参数和缓冲区。 因此,将记录对device[0]上参数或缓冲区的就地更新。 例如, BatchNorm2dspectral_norm() 依赖此行为来更新缓冲区。

Warning

module及其子模块上定义的前向和后向挂钩将被调用len(device_ids)次,每次输入都位于特定设备上。 特别地,仅保证挂钩在相对应的设备上的操作中以正确的顺序执行。 例如,不能保证在所有 len(device_ids) forward() 调用<cite>之前执行通过 register_forward_pre_hook() 设置的挂钩。 在该设备的相应 forward() 调用之前执行。</cite>

Warning

moduleforward()中返回标量(即 0 维张量)时,此包装器将返回一个长度等于向量的设备,该矢量等于数据并行性中使用的设备数,其中包含每个设备的结果。

Note

在包裹在 DataParallel 中的 Module 中使用pack sequence -> recurrent network -> unpack sequence模式有个微妙之处。 有关详细信息,请参见我的循环网络不适用于数据并行性。部分。

Parameters

  • 模块 (模块)–要并行化的模块
  • device_ids (python:int 的列表: Torch.device)– CUDA 设备(默认:所有设备 )
  • output_device (python:int Torch.device)–输出的设备位置(默认值:device_ids [ 0])

Variables

〜DataParallel.module (模块)–要并行化的模块

Example:

>>> net = torch.nn.DataParallel(model, device_ids=[0, 1, 2])
>>> output = net(input_var)  # input_var can be on any device, including CPU

分布式数据并行

class torch.nn.parallel.DistributedDataParallel(module, device_ids=None, output_device=None, dim=0, broadcast_buffers=True, process_group=None, bucket_cap_mb=25, find_unused_parameters=False, check_reduction=False)¶

在模块级别实现基于torch.distributed包的分布式数据并行性。

该容器通过按批处理维度分块指定设备之间的输入来并行化给定模块的应用程序。 该模块在每台机器和每台设备上复制,并且每个这样的副本处理一部分输入。 在向后传递过程中,将平均每个节点的梯度。

批处理大小应大于本地使用的 GPU 数量。

另请参见:基础知识和使用 nn.DataParallel 而不是并行处理。 对输入的限制与 torch.nn.DataParallel 相同。

此类的创建要求通过调用 torch.distributed.init_process_group() 已初始化torch.distributed

DistributedDataParallel可以通过以下两种方式使用:

  1. 单进程多 GPU

在这种情况下,将在每个主机/节点上生成一个进程,并且每个进程将在运行该节点的节点的所有 GPU 上运行。 要以这种方式使用DistributedDataParallel,您可以简单地按以下方式构建模型:

>>> torch.distributed.init_process_group(backend="nccl")
>>> model = DistributedDataParallel(model) # device_ids will include all GPU devices by default

  1. 多进程单 GPU

强烈建议将DistributedDataParallel与多个进程配合使用,每个进程都在单个 GPU 上运行。 这是目前使用 PyTorch 进行数据并行训练的最快方法,适用于单节点(multi-GPU)和多节点数据并行训练。 对于单节点多 GPU 数据并行训练,它被证明比 torch.nn.DataParallel 快得多。

使用方法如下:在具有 N 个 GPU 的每台主机上,应生成 N 个进程,同时确保每个进程在 0 至 N-1 的单个 GPU 上可单独运行。 因此,您的工作是通过调用以下命令来确保您的训练脚本在单个给定的 GPU 上运行:

>>> torch.cuda.set_device(i)

我从 0 到 N-1。 在每个过程中,应参考以下内容来构造此模块:

>>> torch.distributed.init_process_group(backend='nccl', world_size=4, init_method='...')
>>> model = DistributedDataParallel(model, device_ids=[i], output_device=i)

为了在每个节点上产生多个进程,可以使用torch.distributed.launchtorch.multiprocessing.spawn

Note

nccl后端目前是与多进程单 GPU 分布式训练一起使用的最快和强烈推荐的后端,这适用于单节点和多节点分布式训练

Note

该模块还支持混合精度分布式训练。 这意味着您的模型可以具有不同类型的参数,例如 fp16 和 fp32 的混合类型,对这些混合类型的参数进行梯度降低将可以正常工作。 另请注意,nccl后端是目前 fp16 / fp32 混合精度训练中最快,最受推荐的后端。

Note

如果在一个进程上使用torch.save检查模块,在其他进程上使用torch.load对其进行恢复,请确保为每个进程都正确配置了map_location。 没有map_locationtorch.load会将模块恢复到保存模块的设备。

Warning

该模块仅适用于gloonccl后端。

Warning

构造函数,正向方法和输出的微分(或此模块输出的函数)是分布式同步点。 如果不同的进程可能执行不同的代码,请考虑到这一点。

Warning

该模块假定所有参数在创建时已在模型中注册。 不应添加或删除参数。 同样适用于缓冲区。

Warning

该模块假定所有参数在模型中注册的每个分布式过程都以相同的顺序进行。 模块本身将按照模型注册参数的相反顺序进行梯度全约。 换句话说,确保每个分布式过程具有完全相同的模型并因此具有完全相同的参数注册顺序是用户的责任。

Warning

该模块假定所有缓冲区和渐变都是密集的。

Warning

此模块不适用于 torch.autograd.grad() (即,仅当要在.grad参数的属性中累积梯度时才适用)。

Warning

如果您打算将此模块与nccl后端或gloo后端(使用 Infiniband)一起使用,以及使用多个工作程序的 DataLoader,请将并行处理启动方法更改为forkserver(仅适用于 Python 3),或者 spawn。 不幸的是,Gloo(使用 Infiniband)和 NCCL2 都不是安全的,如果不更改此设置,您可能会遇到死锁。

Warning

除非在forward()方法中初始化了挂钩,否则将不再调用module及其子模块上定义的向前和向后挂钩。

Warning

在用 DistributedDataParallel 包装模型之后,您永远不要尝试更改模型的参数。 换句话说,当用 DistributedDataParallel 包装模型时,DistributedDataParallel 的构造函数将在构造时在模型本身的所有参数上注册其他梯度减少函数。 如果在构造 DistributedDataParallel 之后更改模型的参数,则不支持此操作,并且可能会发生意外行为,因为可能不会调用某些参数的梯度减小函数。

Note

参数从不在进程之间广播。 该模块对梯度执行全缩减步骤,并假设优化器将在所有过程中以相同方式修改它们。 缓冲区(例如 BatchNorm 统计信息)在每次迭代中从模块广播到第 0 级进程,并广播到系统中的所有其他副本。

Parameters

  • module (Module) – module to be parallelized
  • device_ids (python:int Torch.device] 的列表)– CUDA 设备。 仅当输入模块位于单个 CUDA 设备上时才应提供此选项。 对于单设备模块,i``th :attr:modulereplica is placed on ``device_ids[i]。 对于多设备模块和 CPU 模块,device_ids 必须为 None 或为空列表,并且用于正向传递的输入数据必须放置在正确的设备上。 (默认:单设备模块的所有设备)
  • output_device (python:int Torch.device)–单设备 CUDA 输出的设备位置 模块。 对于多设备模块和 CPU 模块,它必须为 None(无),并且模块本身指定输出位置。 (对于单设备模块,默认值:device_ids [0])
  • broadcast_buffers (bool )–该标志在转发功能开始时启用模块的同步(广播)缓冲区。 (默认:True
  • process_group –用于减少所有分布式数据的进程组。 如果None,将使用由torch.distributed.init_process_group创建的默认进程组。 (默认:None
  • bucket_cap_mb – DistributedDataParallel 会将参数存储到多个存储桶中,以便每个存储桶的梯度缩减可能与反向计算重叠。 bucket_cap_mb控制存储桶的大小(以兆字节(MB)为单位)(默认值:25)
  • find_unused_parameters (bool )–遍历包装模块的forward函数的返回值中包含的所有张量的自动梯度图。 在此图表中未接收到渐变的参数会被抢先标记为可以还原。 请注意,从模块参数派生的所有forward输出必须参与计算损耗,然后再参与梯度计算。 如果没有,该包装器将挂起,等待 autograd 为这些参数生成梯度。 可以使用torch.Tensor.detach将来自模块参数的其他未使用的输出从 autograd 图中分离出来。 (默认:False
  • check_reduction –设置为True时,它使 DistributedDataParallel 自动检查在每次迭代的正向功能开始时是否成功发布了先前迭代的向后缩减。 通常您不需要启用此选项,除非您观察到奇怪的现象,例如不同的等级得到不同的梯度,如果正确使用 DistributedDataParallel,则不会发生这种情况。 (默认:False

Variables

〜DistributedDataParallel.module (Module)–要并行化的模块

Example:

>>> torch.distributed.init_process_group(backend='nccl', world_size=4, init_method='...')
>>> net = torch.nn.DistributedDataParallel(model, pg)

no_sync()¶

上下文管理器,用于禁用 DDP 进程之间的梯度同步。 在此上下文中,梯度将累积在模块变量上,稍后将在退出上下文的第一个向前-向后传递中进行同步。

Example:

>>> ddp = torch.nn.DistributedDataParallel(model, pg)
>>> with ddp.no_sync():
...   for input in inputs:
...     ddp(input).backward()  # no synchronization, accumulate grads
... ddp(another_input).backward()  # synchronize grads

实用工具

clipgrad_norm

torch.nn.utils.clip_grad_norm_(parameters, max_norm, norm_type=2)¶

裁剪参数可迭代的梯度范数。

范数是在所有梯度上一起计算的,就好像它们被串联到单个矢量中一样。 渐变就地修改。

Parameters

  • 参数(可迭代的 [ tensor ]或 tensor)–张量的迭代或将张量归一化的单个张量
  • max_norm (python:float python:int )–梯度的最大范数
  • norm_type (python:float python:int )–使用的 p 范数的类型。 对于无穷大范数可以为'inf'

Returns

参数的总范数(视为单个向量)。

clipgrad_value

torch.nn.utils.clip_grad_value_(parameters, clip_value)¶

将可迭代参数的梯度剪切为指定值。

渐变就地修改。

Parameters

  • parameters (Iterable__[Tensor] or Tensor) – an iterable of Tensors or a single Tensor that will have gradients normalized
  • clip_value (python:float python:int )–渐变的最大允许值。 渐变被限制在img范围内

parameters_to_vector

torch.nn.utils.parameters_to_vector(parameters)¶

将参数转换为一个向量

Parameters

参数(可迭代 [ tensor ] )–张量的迭代器 模型的参数。

Returns

单个向量表示的参数

vector_to_parameters

torch.nn.utils.vector_to_parameters(vec, parameters)¶

将一个向量转换为参数

Parameters

  • vec (tensor)–单个矢量表示模型的参数。
  • parameters (Iterable__[Tensor]) – an iterator of Tensors that are the parameters of a model.

BasePruningMethod

class torch.nn.utils.prune.BasePruningMethod¶

用于创建新修剪技术的抽象基类。

为需要重写诸如 compute_mask()apply() 等方法的定制提供框架。

classmethod apply(module, name, *args, **kwargs)¶

添加了前向预挂接,可进行即时修剪,并根据原始张量和修剪蒙版对张量进行重新参数化。

Parameters

  • 模块 (nn.Module)–包含要修剪的张量的模块
  • 名称 (str )– module中将对其进行修剪的参数名称。
  • args –传递给 BasePruningMethod 子类的参数
  • kwargs –传递给 BasePruningMethod 子类的关键字参数

apply_mask(module)¶

只需处理要修剪的参数和生成的掩码之间的乘法。 从模块中获取遮罩和原始张量,然后返回该张量的修剪版本。

Parameters

module (nn.Module) – module containing the tensor to prune

Returns

输入张量的修剪版本

Return type

pruned_tensor (Torch.Tensor)

abstract compute_mask(t, default_mask)¶

计算并返回输入张量t的掩码。 从基础default_mask(如果尚未修剪张量,应为 1 的掩码)开始,根据特定的修剪方法配方,生成一个随机掩码以应用于default_mask的顶部。

Parameters

  • t (torch张量)–代表修剪参数的张量
  • default_mask (torch张量)–先前修剪迭代中的基础掩码,在应用新掩码后需要加以注意。 与t相同。

Returns

应用于t的遮罩,其亮度与t相同

Return type

面罩(torch。张量)

prune(t, default_mask=None)¶

根据 compute_mask() 中指定的修剪规则,计算并返回输入张量t的修剪版本。

Parameters

  • t (torch张量)–张量到修剪(与default_mask相同的尺寸)。
  • default_mask (炬管张量 可选)–先前修剪迭代的掩码(如果有)。 在确定应对张量的哪一部分进行修剪时考虑。 如果为 None,则默认为 1 的掩码。

Returns

张量的修剪版本t

remove(module)¶

从模块中删除修剪重新参数化。 被修剪的名为name的参数将被永久修剪,并且将从参数列表中删除名为name+'_orig'的参数。 同样,从缓冲区中删除名为name+'_mask'的缓冲区。

Note

修剪本身不会撤消或撤消!

修剪容器

class torch.nn.utils.prune.PruningContainer(*args)¶

容器,其中包含一系列用于迭代修剪的修剪方法。 跟踪修剪方法的应用顺序,并处理合并的连续修剪调用。

接受 BasePruningMethod 的实例或它们的可迭代实例作为参数。

add_pruning_method(method)¶

将子修剪method添加到容器中。

Parameters

方法(BasePruningMethod 的子类)–要添加到容器的子修剪方法。

classmethod apply(module, name, *args, **kwargs)¶

Adds the forward pre-hook that enables pruning on the fly and the reparametrization of a tensor in terms of the original tensor and the pruning mask.

Parameters

  • module (nn.Module) – module containing the tensor to prune
  • name (str) – parameter name within module on which pruning will act.
  • args – arguments passed on to a subclass of BasePruningMethod
  • kwargs – keyword arguments passed on to a subclass of a BasePruningMethod

apply_mask(module)¶

Simply handles the multiplication between the parameter being pruned and the generated mask. Fetches the mask and the original tensor from the module and returns the pruned version of the tensor.

Parameters

module (nn.Module) – module containing the tensor to prune

Returns

pruned version of the input tensor

Return type

pruned_tensor (torch.Tensor)

compute_mask(t, default_mask)¶

通过计算新的局部掩码并返回其与default_mask的组合来应用最新的method。 新的部分掩码应在default_mask未归零的条目或通道上计算。 将根据PRUNING_TYPE(由类型处理程序处理)来计算新掩码的张量t的哪一部分:

  • 对于“非结构化”,蒙版将根据乱码计算

    非屏蔽条目列表;

    - 对于“结构化”,遮罩将根据非遮罩计算

    张量中的通道;

    - 对于“全局”,将在所有条目中计算掩码。

Parameters

  • t (torch张量)–代表要修剪的参数的张量(与default_mask尺寸相同)。
  • default_mask (torch张量)–先前修剪迭代的掩码。

Returns

合并了default_mask和来自当前修剪method的新蒙版(与default_maskt尺寸相同)的新蒙版的新蒙版。

Return type

mask (torch.Tensor)

prune(t, default_mask=None)¶

根据 compute_mask() 中指定的修剪规则,计算并返回输入张量t的修剪版本。

Parameters

  • t (torch.Tensor) – tensor to prune (of same dimensions as default_mask).
  • default_mask (*torch.Tensor*, optional) – mask from previous pruning iteration, if any. To be considered when determining what portion of the tensor that pruning should act on. If None, default to a mask of ones.

Returns

pruned version of tensor t.

remove(module)¶

Removes the pruning reparameterization from a module. The pruned parameter named name remains permanently pruned, and the parameter named name+'_orig' is removed from the parameter list. Similarly, the buffer named name+'_mask' is removed from the buffers.

Note

Pruning itself is NOT undone or reversed!

Identity

class torch.nn.utils.prune.Identity¶

实用修剪方法,不修剪任何单位,而是用一个“ 1”的掩码生成修剪参数。

classmethod apply(module, name)¶

Adds the forward pre-hook that enables pruning on the fly and the reparametrization of a tensor in terms of the original tensor and the pruning mask.

Parameters

  • module (nn.Module) – module containing the tensor to prune
  • name (str) – parameter name within module on which pruning will act.

apply_mask(module)¶

Simply handles the multiplication between the parameter being pruned and the generated mask. Fetches the mask and the original tensor from the module and returns the pruned version of the tensor.

Parameters

module (nn.Module) – module containing the tensor to prune

Returns

pruned version of the input tensor

Return type

pruned_tensor (torch.Tensor)

prune(t, default_mask=None)¶

根据compute_mask()中指定的修剪规则,计算并返回输入张量t的修剪版本。

Parameters

  • t (torch.Tensor) – tensor to prune (of same dimensions as default_mask).
  • default_mask (*torch.Tensor*, optional) – mask from previous pruning iteration, if any. To be considered when determining what portion of the tensor that pruning should act on. If None, default to a mask of ones.

Returns

pruned version of tensor t.

remove(module)¶

Removes the pruning reparameterization from a module. The pruned parameter named name remains permanently pruned, and the parameter named name+'_orig' is removed from the parameter list. Similarly, the buffer named name+'_mask' is removed from the buffers.

Note

Pruning itself is NOT undone or reversed!

随机非结构化

class torch.nn.utils.prune.RandomUnstructured(amount)¶

在张量中随机修剪(当前未修剪)单位。

Parameters

  • name (str) – parameter name within module on which pruning will act.
  • 数量 (python:int python:float )–修剪参数的数量。 如果float,则应在 0.0 到 1.0 之间,并且代表要修剪的参数的分数。 如果int,则表示要修剪的参数的绝对数量。

classmethod apply(module, name, amount)¶

Adds the forward pre-hook that enables pruning on the fly and the reparametrization of a tensor in terms of the original tensor and the pruning mask.

Parameters

  • module (nn.Module) – module containing the tensor to prune
  • name (str) – parameter name within module on which pruning will act.
  • amount (python:int or python:float) – quantity of parameters to prune. If float, should be between 0.0 and 1.0 and represent the fraction of parameters to prune. If int, it represents the absolute number of parameters to prune.

apply_mask(module)¶

Simply handles the multiplication between the parameter being pruned and the generated mask. Fetches the mask and the original tensor from the module and returns the pruned version of the tensor.

Parameters

module (nn.Module) – module containing the tensor to prune

Returns

pruned version of the input tensor

Return type

pruned_tensor (torch.Tensor)

prune(t, default_mask=None)¶

Computes and returns a pruned version of input tensor t according to the pruning rule specified in compute_mask().

Parameters

  • t (torch.Tensor) – tensor to prune (of same dimensions as default_mask).
  • default_mask (*torch.Tensor*, optional) – mask from previous pruning iteration, if any. To be considered when determining what portion of the tensor that pruning should act on. If None, default to a mask of ones.

Returns

pruned version of tensor t.

remove(module)¶

Removes the pruning reparameterization from a module. The pruned parameter named name remains permanently pruned, and the parameter named name+'_orig' is removed from the parameter list. Similarly, the buffer named name+'_mask' is removed from the buffers.

Note

Pruning itself is NOT undone or reversed!

L1 非结构化

class torch.nn.utils.prune.L1Unstructured(amount)¶

通过将具有最低 L1 范数的单元归零,在张量中修剪(当前未修剪的)单元。

Parameters

amount (python:int or python:float) – quantity of parameters to prune. If float, should be between 0.0 and 1.0 and represent the fraction of parameters to prune. If int, it represents the absolute number of parameters to prune.

classmethod apply(module, name, amount)¶

Adds the forward pre-hook that enables pruning on the fly and the reparametrization of a tensor in terms of the original tensor and the pruning mask.

Parameters

  • module (nn.Module) – module containing the tensor to prune
  • name (str) – parameter name within module on which pruning will act.
  • amount (python:int or python:float) – quantity of parameters to prune. If float, should be between 0.0 and 1.0 and represent the fraction of parameters to prune. If int, it represents the absolute number of parameters to prune.

apply_mask(module)¶

Simply handles the multiplication between the parameter being pruned and the generated mask. Fetches the mask and the original tensor from the module and returns the pruned version of the tensor.

Parameters

module (nn.Module) – module containing the tensor to prune

Returns

pruned version of the input tensor

Return type

pruned_tensor (torch.Tensor)

prune(t, default_mask=None)¶

Computes and returns a pruned version of input tensor t according to the pruning rule specified in compute_mask().

Parameters

  • t (torch.Tensor) – tensor to prune (of same dimensions as default_mask).
  • default_mask (*torch.Tensor*, optional) – mask from previous pruning iteration, if any. To be considered when determining what portion of the tensor that pruning should act on. If None, default to a mask of ones.

Returns

pruned version of tensor t.

remove(module)¶

Removes the pruning reparameterization from a module. The pruned parameter named name remains permanently pruned, and the parameter named name+'_orig' is removed from the parameter list. Similarly, the buffer named name+'_mask' is removed from the buffers.

Note

Pruning itself is NOT undone or reversed!

随机结构

class torch.nn.utils.prune.RandomStructured(amount, dim=-1)¶

在张量中随机修剪整个(当前未修剪的)通道。

Parameters

  • amount (python:int or python:float) – quantity of parameters to prune. If float, should be between 0.0 and 1.0 and represent the fraction of parameters to prune. If int, it represents the absolute number of parameters to prune.
  • 暗淡 (python:int 可选)–暗淡的索引,我们沿着该暗淡定义了修剪通道。 默认值:-1。

classmethod apply(module, name, amount, dim=-1)¶

Adds the forward pre-hook that enables pruning on the fly and the reparametrization of a tensor in terms of the original tensor and the pruning mask.

Parameters

  • module (nn.Module) – module containing the tensor to prune
  • name (str) – parameter name within module on which pruning will act.
  • amount (python:int or python:float) – quantity of parameters to prune. If float, should be between 0.0 and 1.0 and represent the fraction of parameters to prune. If int, it represents the absolute number of parameters to prune.
  • dim (python:int__, optional) – index of the dim along which we define channels to prune. Default: -1.

apply_mask(module)¶

Simply handles the multiplication between the parameter being pruned and the generated mask. Fetches the mask and the original tensor from the module and returns the pruned version of the tensor.

Parameters

module (nn.Module) – module containing the tensor to prune

Returns

pruned version of the input tensor

Return type

pruned_tensor (torch.Tensor)

compute_mask(t, default_mask)¶

计算并返回输入张量t的掩码。 从基础default_mask(如果尚未修剪张量,应为 1 的掩码)开始,通过沿张量的指定暗部随机清零通道,生成随机掩码以应用于default_mask顶部 。

Parameters

  • t (torch.Tensor) – tensor representing the parameter to prune
  • default_mask (torch.Tensor) – Base mask from previous pruning iterations, that need to be respected after the new mask is applied. Same dims as t.

Returns

mask to apply to t, of same dims as t

Return type

mask (torch.Tensor)

Raises

IndexError –如果self.dim >= len(t.shape)

prune(t, default_mask=None)¶

根据 compute_mask() 中指定的修剪规则,计算并返回输入张量t的修剪版本。

Parameters

  • t (torch.Tensor) – tensor to prune (of same dimensions as default_mask).
  • default_mask (*torch.Tensor*, optional) – mask from previous pruning iteration, if any. To be considered when determining what portion of the tensor that pruning should act on. If None, default to a mask of ones.

Returns

pruned version of tensor t.

remove(module)¶

Removes the pruning reparameterization from a module. The pruned parameter named name remains permanently pruned, and the parameter named name+'_orig' is removed from the parameter list. Similarly, the buffer named name+'_mask' is removed from the buffers.

Note

Pruning itself is NOT undone or reversed!

Ln 结构化

class torch.nn.utils.prune.LnStructured(amount, n, dim=-1)¶

根据张量的 Ln 范数在张量中修剪整个(当前未修剪的)通道。

Parameters

  • 数量 (python:int python:float )–修剪通道的数量。 如果float,则应在 0.0 到 1.0 之间,并且代表要修剪的参数的分数。 如果int,则表示要修剪的参数的绝对数量。
  • n (python:int python:float inf -inf '来回 'nuc')–请参阅有效的文档 torch.norm() 中参数p的条目。
  • dim (python:int__, optional) – index of the dim along which we define channels to prune. Default: -1.

classmethod apply(module, name, amount, n, dim)¶

Adds the forward pre-hook that enables pruning on the fly and the reparametrization of a tensor in terms of the original tensor and the pruning mask.

Parameters

  • module (nn.Module) – module containing the tensor to prune
  • name (str) – parameter name within module on which pruning will act.
  • amount (python:int or python:float) – quantity of parameters to prune. If float, should be between 0.0 and 1.0 and represent the fraction of parameters to prune. If int, it represents the absolute number of parameters to prune.
  • n (python:int__, python:float__, inf__, -inf__, 'fro'__, 'nuc') – See documentation of valid entries for argument p in torch.norm().
  • 暗淡 (python:int )–暗淡的索引,我们沿其定义修剪的通道。

apply_mask(module)¶

Simply handles the multiplication between the parameter being pruned and the generated mask. Fetches the mask and the original tensor from the module and returns the pruned version of the tensor.

Parameters

module (nn.Module) – module containing the tensor to prune

Returns

pruned version of the input tensor

Return type

pruned_tensor (torch.Tensor)

compute_mask(t, default_mask)¶

计算并返回输入张量t的掩码。 从基本default_mask(如果尚未修剪张量,应为 1 的掩码)开始,通过将沿指定的暗角(具有最低 Ln 的通道)归零,生成一个掩码以应用于default_mask顶部 -规范。

Parameters

  • t (torch.Tensor) – tensor representing the parameter to prune
  • default_mask (torch张量)–先前修剪迭代中的基础掩码,在应用新掩码后需要加以注意。 与t相同。

Returns

mask to apply to t, of same dims as t

Return type

mask (torch.Tensor)

Raises

IndexError – if self.dim >= len(t.shape)

prune(t, default_mask=None)¶

根据 compute_mask() 中指定的修剪规则,计算并返回输入张量t的修剪版本。

Parameters

  • t (torch.Tensor) – tensor to prune (of same dimensions as default_mask).
  • default_mask (*torch.Tensor*, optional) – mask from previous pruning iteration, if any. To be considered when determining what portion of the tensor that pruning should act on. If None, default to a mask of ones.

Returns

pruned version of tensor t.

remove(module)¶

Removes the pruning reparameterization from a module. The pruned parameter named name remains permanently pruned, and the parameter named name+'_orig' is removed from the parameter list. Similarly, the buffer named name+'_mask' is removed from the buffers.

Note

Pruning itself is NOT undone or reversed!

CustomFromMask

class torch.nn.utils.prune.CustomFromMask(mask)¶

classmethod apply(module, name, mask)¶

Adds the forward pre-hook that enables pruning on the fly and the reparametrization of a tensor in terms of the original tensor and the pruning mask.

Parameters

  • module (nn.Module) – module containing the tensor to prune
  • name (str) – parameter name within module on which pruning will act.

apply_mask(module)¶

Simply handles the multiplication between the parameter being pruned and the generated mask. Fetches the mask and the original tensor from the module and returns the pruned version of the tensor.

Parameters

module (nn.Module) – module containing the tensor to prune

Returns

pruned version of the input tensor

Return type

pruned_tensor (torch.Tensor)

prune(t, default_mask=None)¶

Computes and returns a pruned version of input tensor t according to the pruning rule specified in compute_mask().

Parameters

  • t (torch.Tensor) – tensor to prune (of same dimensions as default_mask).
  • default_mask (*torch.Tensor*, optional) – mask from previous pruning iteration, if any. To be considered when determining what portion of the tensor that pruning should act on. If None, default to a mask of ones.

Returns

pruned version of tensor t.

remove(module)¶

Removes the pruning reparameterization from a module. The pruned parameter named name remains permanently pruned, and the parameter named name+'_orig' is removed from the parameter list. Similarly, the buffer named name+'_mask' is removed from the buffers.

Note

Pruning itself is NOT undone or reversed!

身份

torch.nn.utils.prune.identity(module, name)¶

将修剪重新参数化应用于与module中称为name的参数相对应的张量,而无需实际修剪任何单位。 通过以下方式就地修改模块(并返回修改后的模块):1)添加一个名为name+'_mask'的命名缓冲区,该缓冲区与通过修剪方法应用于参数name的二进制掩码相对应。 2)用已修剪版本替换参数name,而原始(未修剪)参数存储在名为name+'_orig'的新参数中。

Note

掩码是一个张量。

Parameters

  • 模块 (nn.Module)–包含要修剪的张量的模块。
  • name (str) – parameter name within module on which pruning will act.

Returns

输入模块的修改(即修剪)版本

Return type

模块 (nn.Module)

Examples

>>> m = prune.identity(nn.Linear(2, 3), 'bias')
>>> print(m.bias_mask)
tensor([1., 1., 1.])

random_unstructured

torch.nn.utils.prune.random_unstructured(module, name, amount)¶

通过删除随机选择的(当前未修剪的)单位的指定amount来修剪与module中称为name的参数相对应的张量。 通过以下方式就地修改模块(并返回修改后的模块):1)添加一个名为name+'_mask'的命名缓冲区,该缓冲区与通过修剪方法应用于参数<cite>名称</cite>的二进制掩码相对应。 2)用已修剪版本替换参数name,而原始(未修剪)参数存储在名为name+'_orig'的新参数中。

Parameters

  • module (nn.Module) – module containing the tensor to prune
  • name (str) – parameter name within module on which pruning will act.
  • amount (python:int or python:float) – quantity of parameters to prune. If float, should be between 0.0 and 1.0 and represent the fraction of parameters to prune. If int, it represents the absolute number of parameters to prune.

Returns

modified (i.e. pruned) version of the input module

Return type

module (nn.Module)

Examples

>>> m = prune.random_unstructured(nn.Linear(2, 3), 'weight', amount=1)
>>> torch.sum(m.weight_mask == 0)
tensor(1)

l1_unstructured

torch.nn.utils.prune.l1_unstructured(module, name, amount)¶

通过删除 L1 范数最低的(当前未修剪)单位的指定<cite>量</cite>,修剪与module中称为name的参数相对应的张量。 通过以下方式就地修改模块(并返回修改后的模块):1)添加一个名为name+'_mask'的命名缓冲区,该缓冲区与通过修剪方法应用于参数name的二进制掩码相对应。 2)用已修剪版本替换参数name,而原始(未修剪)参数存储在名为name+'_orig'的新参数中。

Parameters

  • module (nn.Module) – module containing the tensor to prune
  • name (str) – parameter name within module on which pruning will act.
  • amount (python:int or python:float) – quantity of parameters to prune. If float, should be between 0.0 and 1.0 and represent the fraction of parameters to prune. If int, it represents the absolute number of parameters to prune.

Returns

modified (i.e. pruned) version of the input module

Return type

module (nn.Module)

Examples

>>> m = prune.l1_unstructured(nn.Linear(2, 3), 'weight', amount=0.2)
>>> m.state_dict().keys()
odict_keys(['bias', 'weight_orig', 'weight_mask'])

随机结构

torch.nn.utils.prune.random_structured(module, name, amount, dim)¶

通过沿着随机选择的指定dim移除(当前未修剪的)通道的指定amount来修剪与module中称为name的参数相对应的张量。 通过以下方式就地修改模块(并返回修改后的模块):1)添加一个名为name+'_mask'的命名缓冲区,该缓冲区与通过修剪方法应用于参数name的二进制掩码相对应。 2)用已修剪版本替换参数name,而原始(未修剪)参数存储在名为name+'_orig'的新参数中。

Parameters

  • module (nn.Module) – module containing the tensor to prune
  • name (str) – parameter name within module on which pruning will act.
  • amount (python:int or python:float) – quantity of parameters to prune. If float, should be between 0.0 and 1.0 and represent the fraction of parameters to prune. If int, it represents the absolute number of parameters to prune.
  • 暗淡 (python:int )–暗淡的索引,我们沿其定义修剪的通道。

Returns

modified (i.e. pruned) version of the input module

Return type

module (nn.Module)

Examples

>>> m = prune.random_structured(
        nn.Linear(5, 3), 'weight', amount=3, dim=1
    )
>>> columns_pruned = int(sum(torch.sum(m.weight, dim=0) == 0))
>>> print(columns_pruned)
3

ln_ 结构化

torch.nn.utils.prune.ln_structured(module, name, amount, n, dim)¶

通过沿着具有最低 L''n`范数的指定dim移除(当前未修剪的)通道的指定amount来修剪与module中称为name的参数相对应的张量。 通过以下方式就地修改模块(并返回修改后的模块):1)添加一个名为name+'_mask'的命名缓冲区,该缓冲区与通过修剪方法应用于参数name的二进制掩码相对应。 2)用已修剪版本替换参数name,而原始(未修剪)参数存储在名为name+'_orig'`的新参数中。

Parameters

  • module (nn.Module) – module containing the tensor to prune
  • name (str) – parameter name within module on which pruning will act.
  • amount (python:int or python:float) – quantity of parameters to prune. If float, should be between 0.0 and 1.0 and represent the fraction of parameters to prune. If int, it represents the absolute number of parameters to prune.
  • n (python:int__, python:float__, inf__, -inf__, 'fro'__, 'nuc') – See documentation of valid entries for argument p in torch.norm().
  • dim (python:int) – index of the dim along which we define channels to prune.

Returns

modified (i.e. pruned) version of the input module

Return type

module (nn.Module)

Examples

>>> m = prune.ln_structured(
       nn.Conv2d(5, 3, 2), 'weight', amount=0.3, dim=1, n=float('-inf')
    )

global_unstructured

torch.nn.utils.prune.global_unstructured(parameters, pruning_method, **kwargs)¶

通过应用指定的pruning_method全局修剪与parameters中所有参数相对应的张量。 通过以下方式修改模块:1)添加一个名为name+'_mask'的命名缓冲区,该缓冲区与通过修剪方法应用于参数name的二进制掩码相对应。 2)用已修剪版本替换参数name,而原始(未修剪)参数存储在名为name+'_orig'的新参数中。

Parameters

  • 参数 (( 模块 名称 )的迭代 ] 元组)–以全局方式修剪的模型参数,即在决定要修剪的权重之前,先汇总所有权重。 模块必须为nn.Module类型,名称必须为字符串。
  • pruning_method (函数)–该模块中的有效修剪函数,或者是由用户实现的,满足实施准则并具有PRUNING_TYPE='unstructured'的自定义函数。
  • kwargs –其他关键字参数,例如:amount(整数或浮点数):跨指定参数修剪的参数数量。 如果float,则应在 0.0 到 1.0 之间,并且代表要修剪的参数的分数。 如果int,则表示要修剪的参数的绝对数量。

Raises

TypeError –如果PRUNING_TYPE != 'unstructured'

Note

由于除非通过参数的大小对规范进行规范化,否则全局结构化修剪没有多大意义,因此我们现在将全局修剪的范围限制为非结构化方法。

Examples

>>> net = nn.Sequential(OrderedDict([
        ('first', nn.Linear(10, 4)),
        ('second', nn.Linear(4, 1)),
    ]))
>>> parameters_to_prune = (
        (net.first, 'weight'),
        (net.second, 'weight'),
    )
>>> prune.global_unstructured(
        parameters_to_prune,
        pruning_method=prune.L1Unstructured,
        amount=10,
    )
>>> print(sum(torch.nn.utils.parameters_to_vector(net.buffers()) == 0))
tensor(10, dtype=torch.uint8)

custom_from_mask

torch.nn.utils.prune.custom_from_mask(module, name, mask)¶

通过在mask中应用预先计算的掩码,修剪与module中称为name的参数相对应的张量。 通过以下方式就地修改模块(并返回修改后的模块):1)添加一个名为name+'_mask'的命名缓冲区,该缓冲区与通过修剪方法应用于参数name的二进制掩码相对应。 2)用已修剪版本替换参数name,而原始(未修剪)参数存储在名为name+'_orig'的新参数中。

Parameters

  • module (nn.Module) – module containing the tensor to prune
  • name (str) – parameter name within module on which pruning will act.
  • 掩码 (tensor)–应用于参数的二进制掩码。

Returns

modified (i.e. pruned) version of the input module

Return type

module (nn.Module)

Examples

>>> m = prune.custom_from_mask(
        nn.Linear(5, 3), name='bias', mask=torch.Tensor([0, 1, 0])
    )
>>> print(m.bias_mask)
tensor([0., 1., 0.])

去掉

torch.nn.utils.prune.remove(module, name)¶

从模块中删除修剪重新参数化,并从前向挂钩中删除修剪方法。 被修剪的名为name的参数将被永久修剪,并且将从参数列表中删除名为name+'_orig'的参数。 同样,从缓冲区中删除名为name+'_mask'的缓冲区。

Note

Pruning itself is NOT undone or reversed!

Parameters

  • module (nn.Module) – module containing the tensor to prune
  • name (str) – parameter name within module on which pruning will act.

Examples

>>> m = random_pruning(nn.Linear(5, 7), name='weight', amount=0.2)
>>> m = remove_pruning(m, name='weight')

is_pruned

torch.nn.utils.prune.is_pruned(module)¶

通过在从 BasePruningMethod 继承的模块中查找forward_pre_hooks,检查是否修剪了module

Parameters

模块 (nn.Module)–已修剪或未修剪的对象

Returns

是否修剪module的二进制答案。

Examples

>>> m = nn.Linear(5, 7)
>>> print(prune.is_pruned(m))
False
>>> prune.random_pruning(m, name='weight', amount=0.2)
>>> print(prune.is_pruned(m))
True

weight_norm

torch.nn.utils.weight_norm(module, name='weight', dim=0)¶

将权重归一化应用于给定模块中的参数。

img

权重归一化是将权重张量的大小与其方向解耦的重新参数化。 这用两个参数替换了name指定的参数(例如'weight'):一个指定幅度(例如'weight_g')和一个指定方向(例如'weight_v')。 权重归一化是通过一个挂钩实现的,该挂钩在每次forward()调用之前从幅度和方向重新计算权重张量。

默认情况下,使用dim=0,将针对每个输出通道/平面独立计算范数。 要计算整个重量张量的范数,请使用dim=None

参见 https://arxiv.org/abs/1602.07868

Parameters

  • 模块 (模块)–包含模块
  • 名称 (str 可选)–重量参数的名称
  • 昏暗的 (python:int 可选)–计算范数的维度

Returns

带有重量标准钩的原始模块

Example:

>>> m = weight_norm(nn.Linear(20, 40), name='weight')
>>> m
Linear(in_features=20, out_features=40, bias=True)
>>> m.weight_g.size()
torch.Size([40, 1])
>>> m.weight_v.size()
torch.Size([40, 20])

remove_weight_norm

torch.nn.utils.remove_weight_norm(module, name='weight')¶

从模块中删除权重归一化重新参数化。

Parameters

  • module (Module) – containing module
  • name (str__, optional) – name of weight parameter

>>> m = weight_norm(nn.Linear(20, 40))
>>> remove_weight_norm(m)

Spectrum_norm

torch.nn.utils.spectral_norm(module, name='weight', n_power_iterations=1, eps=1e-12, dim=None)¶

将频谱归一化应用于给定模块中的参数。

img

频谱归一化通过使用权重矩阵计算的权重矩阵的频谱范数img重新调整权重张量,从而稳定了生成对抗网络(GAN)中鉴别器(批评家)的训练。 如果权重张量的尺寸大于 2,则在幂迭代方法中将其重塑为 2D 以获得频谱范数。 这是通过一个挂钩实现的,该挂钩在每次forward()调用之前计算频谱范数并重新调整权重。

请参阅生成对抗网络的频谱归一化。

Parameters

  • module (nn.Module) – containing module
  • name (str__, optional) – name of weight parameter
  • n_power_iterations (python:int 可选)–计算频谱范数的功率迭代次数
  • eps (python:float 可选)– epsilon 在计算范数时具有数值稳定性
  • 暗淡的 (python:int 可选)–尺寸对应于输出数量,默认为0,除了模块 是 ConvTranspose {1,2,3} d 的实例,当它是1

Returns

带有频谱范数挂钩的原始模块

Example:

>>> m = spectral_norm(nn.Linear(20, 40))
>>> m
Linear(in_features=20, out_features=40, bias=True)
>>> m.weight_u.size()
torch.Size([40])

remove_spectral_norm

torch.nn.utils.remove_spectral_norm(module, name='weight')¶

从模块中删除频谱归一化重新参数化。

Parameters

  • module (Module) – containing module
  • name (str__, optional) – name of weight parameter

Example

>>> m = spectral_norm(nn.Linear(40, 10))
>>> remove_spectral_norm(m)

打包序列

torch.nn.utils.rnn.PackedSequence(data, batch_sizes=None, sorted_indices=None, unsorted_indices=None)¶

保存打包序列的batch_sizes的数据和列表。

所有 RNN 模块都将打包序列作为输入。

Note

此类的实例永远不要手动创建。 它们应通过 pack_padded_sequence() 之类的函数实例化。

批次大小代表批次中每个序列步骤的数量元素,而不是传递给 pack_padded_sequence() 的变化序列长度。 例如,给定数据abcxPackedSequence 将包含数据axbcbatch_sizes=[2,1,1]

Variables

  • 〜PackedSequence.data (tensor)–包含压缩序列的张量
  • 〜PackedSequence.batch_sizes (tensor)–整数张量,用于保存有关每个序列步骤的批次大小信息
  • 〜PackedSequence.sorted_indices (tensor 可选)–保持此 [ PackedSequence 由序列构建。
  • 〜PackedSequence.unsorted_indices (tensor 可选)–整数的张量,表示如何恢复原始值 顺序正确的序列。

Note

data可以在任意设备上和任意 dtype 上。 sorted_indicesunsorted_indices必须是与data在同一设备上的torch.int64张量。

但是,batch_sizes应该始终是 CPU torch.int64张量。

这个不变量在整个 PackedSequence 类中保持不变,并且所有在 PyTorch 中构造<cite>:class:PackedSequence</cite> 的函数都保持不变(即,它们仅传递符合此约束的张量)。

pack_padded_sequence

torch.nn.utils.rnn.pack_padded_sequence(input, lengths, batch_first=False, enforce_sorted=True)¶

打包一个 Tensor,其中包含可变长度的填充序列。

input的大小可以为T x B x *,其中 <cite>T</cite> 是最长序列的长度(等于lengths[0]),B是批处理大小,*是任意数量的尺寸 (包括 0)。 如果batch_firstTrue,则预期为B x T x * input

对于未排序的序列,请使用 <cite>force_sorted = False</cite> 。 如果enforce_sortedTrue,则序列应按长度降序排列,即input[:,0]应为最长序列,而input[:,B-1]为最短序列。 <cite>forcen_sorted = True</cite> 仅对于 ONNX 导出是必需的。

Note

此函数接受至少具有二维的任何输入。 您可以将其应用于包装标签,并与它们一起使用 RNN 的输出直接计算损失。 可以通过访问 .data属性来从 PackedSequence 对象中检索张量。

Parameters

  • 输入 (tensor)–填充了可变长度序列的批处理。
  • 长度 (tensor)–每个批处理元素的序列长度列表。
  • batch_first (bool 可选)–如果为True,则输入应为B x T x *格式。
  • 强制排序的 (bool 可选)–如果True,则输入应包含按长度降序排列的序列 。 如果为False,则不检查此条件。 默认值:True

Returns

PackedSequence 对象

pad_packed_sequence

torch.nn.utils.rnn.pad_packed_sequence(sequence, batch_first=False, padding_value=0.0, total_length=None)¶

填充打包的可变长度序列批次。

这是 pack_padded_sequence() 的逆运算。

返回的 Tensor 数据大小为T x B x *,其中 <cite>T</cite> 是最长序列的长度, <cite>B</cite> 是批处理大小。 如果batch_first为 True,则数据将转置为B x T x *格式。

批处理元素将按其长度顺序减小。

Note

total_length可用于在包裹在 DataParallel 中的 Module 中实现pack sequence -> recurrent network -> unpack sequence模式。 有关详细信息,请参见此常见问题解答部分

Parameters

  • 序列 (PackedSequence )–批量填充
  • batch_first (布尔 可选)–如果为True,则输出为B x T x *格式。
  • padding_value (python:float 可选)–填充元素的值。
  • total_length (python:int 可选)–如果不是None,则输出将被填充为长度total_length 。 如果total_length小于sequence中的最大序列长度,则此方法将抛出ValueError

Returns

张量元组包含填充的序列,张量包含批处理中每个序列的长度列表。

pad_sequence

torch.nn.utils.rnn.pad_sequence(sequences, batch_first=False, padding_value=0)¶

padding_value填充可变长度张量的列表

pad_sequence沿新维度堆叠张量列表,并将它们填充为相等的长度。 例如,如果输入是大小为L x *的序列列表,并且 batch_first 为 False,否则为T x B x *

<cite>B</cite> 是批处理大小。 它等于sequences中的元素数。 <cite>T</cite> 是最长序列的长度。 <cite>L</cite> 是序列的长度。 <cite>*</cite> 是任意数量的尾随尺寸,包括无。

Example

>>> from torch.nn.utils.rnn import pad_sequence
>>> a = torch.ones(25, 300)
>>> b = torch.ones(22, 300)
>>> c = torch.ones(15, 300)
>>> pad_sequence([a, b, c]).size()
torch.Size([25, 3, 300])

Note

此函数返回张量为T x B x *B x T x *的张量,其中 <cite>T</cite> 是最长序列的长度。 此函数假定序列中所有张量的尾随尺寸和类型相同。

Parameters

  • 序列(列表 [ tensor ] )–可变长度序列的列表。
  • batch_first (布尔 可选)–如果为 True,则输出为B x T x *,否则为T x B x *
  • padding_value (python:float 可选)–填充元素的值。 默认值:0

Returns

如果batch_firstFalse,则大小为T x B x *的张量。 否则大小为B x T x *的张量

pack_sequence

torch.nn.utils.rnn.pack_sequence(sequences, enforce_sorted=True)¶

打包可变长度张量的列表

sequences应该是大小为L x *的张量的列表,其中 <cite>L</cite> 是序列的长度, <cite>*</cite> 是任意数量的尾随尺寸,包括零。

对于未排序的序列,请使用 <cite>force_sorted = False</cite> 。 如果enforce_sortedTrue,则序列应按长度减小的顺序排序。 enforce_sorted = True仅对于 ONNX 导出是必需的。

Example

>>> from torch.nn.utils.rnn import pack_sequence
>>> a = torch.tensor([1,2,3])
>>> b = torch.tensor([4,5])
>>> c = torch.tensor([6])
>>> pack_sequence([a, b, c])
PackedSequence(data=tensor([ 1,  4,  6,  2,  5,  3]), batch_sizes=tensor([ 3,  2,  1]))

Parameters

  • 序列(列表 [ tensor ] )–递减序列的列表 长度。
  • 强制排序的 (bool 可选)–如果True,则检查输入是否包含按长度排序的降序序列。 如果为False,则不检查此条件。 默认值:True

Returns

a PackedSequence object

展平

class torch.nn.Flatten(start_dim=1, end_dim=-1)¶

将连续范围的暗角展平为张量。 用于Sequential。 :param start_dim:首先变暗到变平(默认= 1)。 :param end_dim:最后变暗到变平(默认= -1)。

Shape:

  • 输入:img
  • 输出:img(默认情况下)。

Examples::


>>> m = nn.Sequential(
>>>     nn.Conv2d(1, 32, 5, 1, 1),
>>>     nn.Flatten()
>>> )

量化功能

量化是指用于执行计算并以低于浮点精度的位宽存储张量的技术。 PyTorch 支持每个张量和每个通道非对称线性量化。 要了解更多如何在 PyTorch 中使用量化函数的信息,请参阅[量化]文档。

以上内容是否对您有帮助:
在线笔记
App下载
App下载

扫描二维码

下载编程狮App

公众号
微信公众号

编程狮公众号