jittor.nn

这里是Jittor的神经网络模块的API文档,您可以通过from jittor import nn来获取该模块。

class jittor.nn.BCELoss(weight=None, size_average=True)[源代码]

用于计算输出值和目标值的二进制交叉熵。创建一个衡量 x 和目标 y 之间二进制交叉熵标准:

\[\ell(x, y) = L = \{l_1,\dots,l_N\}^\top, \quad l_n = - w_n \left[ y_n \cdot \log x_n + (1 - y_n) \cdot \log (1 - x_n) \right]\]

其中 \(N\) 是批次大小。

参数:
  • weight (Var, optional): 每个类的权重,如果你的训练样本很不均衡的话,是非常有用的。默认值:None,表示所有类权重相等。

  • size_average (bool, optional): 如果为 True,损失会在每个小批量中平均。如果为 False,损失会在小批量中求和。默认值:True

形状:
  • Input:
    • output: \((*)\),模型输出的预测值,其中 * 表示任意数量的附加维数。

    • target: \((*)\),表示目标值,和输入形状相同。

  • Output: 一个标量,表示计算得到的二进制交叉熵。

代码示例:
>>> m = nn.Sigmoid()
>>> loss = nn.BCELoss()
>>> output = jt.randn((3,2))
>>> target = jt.rand((3,2))
>>> loss_var = loss(m(output), target)
>>> loss_var
jt.Var([0.7875105], dtype=float32)
class jittor.nn.BCEWithLogitsLoss(weight=None, pos_weight=None, size_average=True)[源代码]

实现了带有逻辑值(logits)的二元交叉熵(Binary Cross Entropy, BCE)损失。 它结合了 Sigmoid 层和 BCELoss 于一个单一的类中,相比单独使用 Sigmoid 后接 BCELoss ,在数值上更为稳定。

该损失可以使用如下公式表示:

\[\ell(x, y) = L = \{l_1,\dots,l_N\}^\top, \quad l_n = - w_n[y_n \cdot \log(\sigma(x_n)) + (1 - y_n) \cdot \log(1 - \sigma(x_n))]\]

其中 \(\sigma\) 是 Sigmoid 函数,\(x\) 是输入的逻辑值,\(y\) 是目标值,\(w_n\) 是第 \(n\) 类的权重,\(N\) 是批次大小。

参数:
  • weight (Var, optional): 各类的权重。默认值:None,表示各类权重相等

  • pos_weight (Var, optional): 一个正类别的权重的张量。如果给定,损失输出中正类别的部分会乘以pos_weight,默认值:None

  • size_average (bool, optional): 如果为 True ,会将损失 \(L\) 在每个小批量中平均。如果为 False ,损失会在小批量中求和。默认值:True

形状:
  • output: \(( *)\),其中 * 表示任意数量的附加维数。

  • target: \((*)\), 和输入形状相同

代码示例:
>>> target = jt.ones((10, 64))  # 64 classes, batch size = 10
>>> output = jt.full([10, 64], 1.5)
>>> pos_weight = jt.ones([64])  # All weights are equal to 1
>>> loss = nn.BCEWithLogitsLoss(pos_weight=pos_weight)
>>> loss_var = loss(output, target)
>>> loss_var
jt.Var([0.20141378], dtype=float32)
class jittor.nn.BatchNorm(num_features, eps=1e-05, momentum=0.1, affine=True, is_train=True, sync=True)[源代码]

对输入进行批次归一化

将一个批次中输入的特性值根据均值 \(\mu\) 和方差 \(\sigma^2\) 归一化,然后进行一个线性变换:

\[x_i^{\prime} = \frac{x_i - \mu}{\sqrt{\sigma^2 + \varepsilon}} \cdot w_i + b_i\]

训练时,每个批次计算均值和方差并归一化,而且在内部记录并更新见到的数据的均值和方差;测试时使用记录的均值和方差进行归一化

参数:
  • num_features (int): 输入的特性个数

  • eps (float): 给方差加上的小量,避免除以 0。默认值:1e-5

  • momentum (float): 更新保存的均值和方差的惯性量。默认值:0.1

  • affine (bool): 是否对输入进行线性变换。默认值:True

  • is_train (bool): 是否更新保存的均值和方差。默认值:True

  • sync (bool): 使用 MPI 训练时,是否在各结点间同步均值和方差。默认值:True

形状:
  • Input: (N, num_features, ...) 其中 N 是批次中的数据个数

  • Output: (N, num_features, ...)

代码示例:
>>> x = jt.array([1, 2, 3])
>>> y = jt.array([4, 5, 6])
>>> bn = nn.BatchNorm(3)
>>> bn(x), bn(y)
(jt.Var([[-1.2247354  0.         1.2247355]], dtype=float32),
 jt.Var([[-1.2247343  0.         1.2247348]], dtype=float32))
>>> bn.is_train = False
>>> bn(x), bn(y)
(jt.Var([[0.33063978 1.363889   2.397138  ]], dtype=float32),
 jt.Var([[3.4303875 4.463637  5.496886 ]], dtype=float32))
jittor.nn.BatchNorm1d

BatchNorm 的别名

jittor.nn.BatchNorm2d

BatchNorm 的别名

jittor.nn.BatchNorm3d

BatchNorm 的别名

class jittor.nn.Bilinear(in1_features, in2_features, out_features, bias=True, dtype='float32')[源代码]

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

\[y = x_1^T A x_2 + b\]

其中,\(x_1\)\(x_2\) 是输入数据,\(A\) 是权重矩阵,\(b\) 是偏置项。

参数:
  • in1_features(int): 第一个输入的大小

  • in2_features(int) :第二个输入的大小

  • out_features(int): 输出的大小

  • bias(bool): 如果为 False ,则层不会使用偏置项。默认值: True

代码示例:
>>> m = nn.Bilinear(20, 30, 40)
>>> input1 = jt.randn(128, 20)
>>> input2 = jt.randn(128, 30)
>>> output = m(input1, input2)
>>> print(output.size())
[128,40,]
class jittor.nn.ConstantPad2d(padding, value)[源代码]

使用固定值来填充输入张量的边界。 输入为 \((N, C, H_{in}, W_{in})\),输出为 \((N, C, H_{out}, W_{out})\),其中:

\[\begin{split}H_{out} = H_{in} + \text{padding_top} + \text{padding_bottom} \\W_{out} = W_{in} + \text{padding_left} + \text{padding_right}\end{split}\]
参数:
  • padding(int, tuple): 填充的大小

  • value(float): 填充的值

代码示例:
>>> m = nn.ConstantPad2d((1,1,2,0), 3.5)
>>> input = jt.randn(1, 1, 3, 3)
>>> input
jt.Var([[[[ 0.18378055 -0.60490954 -0.68662244]
        [-0.42572546 -1.4829487  -0.6552902 ]
        [-0.92770797  0.2502182  -0.10983822]]]], dtype=float32)
>>> m(input)
jt.Var([[[[ 3.5         3.5         3.5         3.5         3.5       ]
        [ 3.5         3.5         3.5         3.5         3.5       ]
        [ 3.5         0.18378055 -0.60490954 -0.68662244  3.5       ]
        [ 3.5        -0.42572546 -1.4829487  -0.6552902   3.5       ]
        [ 3.5        -0.92770797  0.2502182  -0.10983822  3.5       ]]]], dtype=float32)
class jittor.nn.Conv(in_channels, out_channels, kernel_size, stride=1, padding=0, dilation=1, groups=1, bias=True)[源代码]

对由多个量化输入平面组成的量化输入信号应用2D卷积。 输入张量为 \((N, C_{in}, H_{in}, W_{in})\),输出张量为 \((N, C_{out}, H_{out}, W_{out})\)

\[\begin{split}H_{out} = \left\lfloor\frac{H_{in} + 2 \times \text{padding}[0] - \text{dilation}[0] \times (\text{kernel_size}[0] - 1) - 1}{\text{stride}[0]} + 1\right\rfloor \\W_{out} = \left\lfloor\frac{W_{in} + 2 \times \text{padding}[1] - \text{dilation}[1] \times (\text{kernel_size}[1] - 1) - 1}{\text{stride}[1]} + 1\right\rfloor\end{split}\]
参数:
  • in_channels(int): 输入信号的通道数

  • out_channels(int): 卷积产生的通道数

  • kernel_size(int): 卷积核的尺寸

  • stride(int , optional): 卷积步长, 默认值为1

  • padding(int , optional): 输入的每一条边补充0的层数, 默认值为0

  • dilation(int , optional): 卷积核元素之间的间距, 默认值为1

  • groups(int, optional):从输入通道到输出通道的分组连接数, 默认值为1

  • bias(bool, optional): 如果bias=True,添加偏置, 默认值为True

代码示例:
>>> m = jt.nn.Conv2d(16, 33, (3, 5), stride=(2, 1), padding=(4, 2), dilation=(3, 1))
>>> input = jt.randn(20, 16, 50, 100)
>>> m(input).shape
[20, 33, 26, 100]
class jittor.nn.Conv1d(in_channels, out_channels, kernel_size, stride=1, padding=0, dilation=1, groups=1, bias=True)[源代码]

对由多个输入平面组成的输入信号应用1D卷积。 输入张量为 \((N, C_{in}, L_{in})\),输出张量为 \((N, C_{out}, L_{out})\)

\[L_{out} = \left\lfloor\frac{L_{in} + 2 \times \text{padding} - \text{dilation} \times (\text{kernel_size} - 1) - 1}{\text{stride}} + 1\right\rfloor\]
参数:
  • in_channels(int): 输入信号的通道数

  • out_channels(int): 卷积产生的通道数

  • kernel_size(int): 卷积核的尺寸

  • stride(int , optional): 卷积步长, 默认值为1

  • padding(int , optional): 输入的每一条边补充0的层数, 默认值为0

  • dilation(int , optional): 卷积核元素之间的间距, 默认值为1

  • groups(int, optional): 从输入通道到输出通道的分组连接数, 默认值为1

  • bias(bool, optional): 如果bias=True,添加偏置, 默认值为True

代码示例:

>>> m = jt.nn.Conv1d(16, 33, 3, stride=2)
>>> input = jt.randn(20, 16, 50)
>>> m(input).shape
[20, 33, 24]
class jittor.nn.Conv1d_sp(inchannels, outchannels, kernel_size=1, bias=True)[源代码]

实现了对一维输入数据的卷积操作,卷积核大小固定为1不支持修改。该类为一维数据的卷积操作,故输入的数据维度需要是3维,即 [batch_size, channel, Length]

参数:
  • inchannels (int): 输入数据的通道数量,必须为一个大于0的整数。

  • outchannels (int): 输出数据的通道数量,必须为一个大于0的整数。

  • kernel_size (int, optional): 卷积核的大小,由于类的设计,参数值只能为1。默认值: 1

  • bias (bool, optional): 是否需要加入偏置项(bias term)。默认值: True

形状:
  • 输入形状: [batch_size, inchannels, Length]

  • 输出形状: [batch_size, outchannels, Length]

代码示例:
>>> import jittor as jt
>>> conv1d = jt.nn.Conv1d_sp(3,64)
>>> conv1d(jt.randn(10,3,8)).shape 
[10,64,8,]
jittor.nn.Conv2d

Conv 的别名

class jittor.nn.ConvTranspose(in_channels, out_channels, kernel_size, stride=1, padding=0, output_padding=0, groups=1, bias=True, dilation=1)[源代码]

应用于由多个输入平面组成的输入图像的2D转置卷积操作符。 这个模块可以视为对其输入的 Conv2D 的梯度。它也被称为分数步长卷积或反卷积(虽然它不是真正的反卷积操作,因为它不计算卷积的真实逆)。输入的形状是 \((N, C_{in}, H_{in}, W_{in})\),输出的形状是 \((N, C_{out}, H_{out}, W_{out})\)

\[\begin{split}H_{out} = (H_{in}-1) \times \text{stride[0]} - 2 \times \text{padding[0]} + \text{dilation[0]} \times (\text{kernel_size[0]} - 1) + \text{output_padding[0]} + 1 \\W_{out} = (W_{in}-1) \times \text{stride[1]} - 2 \times \text{padding[1]} + \text{dilation[1]} \times (\text{kernel_size[1]} - 1) + \text{output_padding[1]} + 1\end{split}\]
参数:
  • in_channels(int): 输入图像通道数

  • out_channels(int): 输出图像通道数

  • kernel_size(int, tuple): 卷积核的大小

  • stride(int, tuple): 卷积步长,默认为1

  • padding(int, tuple): 卷积填充,默认为0

  • output_padding(int, tuple): 输出填充,默认为0

  • groups(int): 从输入通道到输出通道的分组连接数,默认为1

  • bias(bool): 是否使用偏置,默认为True

  • dilation(int, tuple): 卷积核元素之间的间距,默认为1

代码示例:w
>>> m = nn.ConvTranspose(16, 33, (3, 5), stride=(2, 1), padding=(4, 2))
>>> input = jt.randn(20, 16, 50, 100)
>>> m(input).shape
[20,33,93,100,]
jittor.nn.ConvTranspose2d

ConvTranspose 的别名

class jittor.nn.ConvTranspose3d(in_channels, out_channels, kernel_size, stride=1, padding=0, output_padding=0, groups=1, bias=True, dilation=1)[源代码]

应用于由多个输入平面组成的输入图像的3D转置卷积操作。转置卷积操作通过可学习的卷积核,对每个输入值逐元素相乘,并对所有输入特征平面的输出进行求和。 这个模块可以视为对其输入的 Conv3d 的梯度。它也被称为分数步长卷积或反卷积(尽管它不是实际的反卷积操作,因为它不计算卷积的真实逆)。输入的形状是 \((N, C_{in}, D_{in}, H_{in}, W_{in})\),输出的形状是 \((N, C_{out}, D_{out}, H_{out}, W_{out})\)

\[\begin{split}D_{out} = (D_{in}-1) \times \text{stride[0]} - 2 \times \text{padding[0]} + \text{dilation[0]} \times (\text{kernel_size[0]} - 1) + \text{output_padding[0]} + 1 \\H_{out} = (H_{in}-1) \times \text{stride[1]} - 2 \times \text{padding[1]} + \text{dilation[1]} \times (\text{kernel_size[1]} - 1) + \text{output_padding[1]} + 1 \\W_{out} = (W_{in}-1) \times \text{stride[2]} - 2 \times \text{padding[2]} + \text{dilation[2]} \times (\text{kernel_size[2]} - 1) + \text{output_padding[2]} + 1\end{split}\]
参数:
  • in_channels(int): 输入图像通道数

  • out_channels(int): 输出图像通道数

  • kernel_size(int, tuple): 卷积核的大小

  • stride(int, tuple): 卷积步长,默认为1

  • padding(int, tuple): 卷积填充,默认为0

  • output_padding(int, tuple): 输出填充,默认为0

  • groups(int): 从输入通道到输出通道的分组连接数,默认为1

  • bias(bool): 是否使用偏置,默认为True

  • dilation(int, tuple): 卷积核元素之间的间距,默认为1

代码示例:
>>> m = nn.ConvTranspose3d(16, 33, (3, 5, 2), stride=(2, 1, 1), padding=(0, 4, 2))
>>> input = jt.randn(20, 16, 10, 50, 100)
>>> m(input).shape
[20,33,21,46,97,]
class jittor.nn.CrossEntropyLoss(weight=None, ignore_index=None)[源代码]

该类用于计算输出值和目标值的交叉熵损失。交叉熵损失是分类任务中常用的损失函数,特别是在处理多分类问题时。关于交叉熵损失,其数学公式为:

\[L = - \sum_{i=1}^{n} y_i \log(\hat{y_i})\]

其中,\(y_i\) 为真实标签,\(\hat{y_i}\) 为预测的概率。

参数:
  • weight (Var, optional): 每个类别的权重。默认值:None,即所有类别权重相同。

  • ignore_index (int, optional): 指定一个要忽略的目标值,该目标值不会对输入梯度产生贡献。如果此参数未给定或者给定为None,则不会有任何目标值被忽略。默认值:None

形状:
  • output: 模型输出,形状为 \((N, C)\),其中 \(N\) 为批次大小,\(C\) 为类别的数量。

  • target: 目标输出,形状为 \((N,)\),其中 \(N\) 为批次大小。

代码示例:
>>> m = nn.CrossEntropyLoss()
>>> output = jt.array([[1.5, 2.3, 0.7], [1.8, 0.5, 2.2]])
>>> target = jt.array([1, 2])
>>> loss_var = m(output, target)
>>> loss_var
jt.Var([0.5591628], dtype=float32)
class jittor.nn.DropPath(p=0.5, is_train=False)[源代码]

DropPath 类实现了随机深度(Stochastic Depth),通常在残差块的主路径中应用。

DropPath 是一种正则化技术,通过随机丢弃训练过程中的部分计算路径来提高模型的泛化能力和训练稳定性,减少过拟合现象。当 is_train 为 False 或 p 为 0.0 时,DropPath 不会进行任何操作,直接返回输入数据。在训练模式下,根据保留概率 p 和随机张量进行操作,实现 DropPath 效果。

参数:
  • p (float): 每批保留的概率。默认为 0.5。

  • is_train (bool): 指定是否为训练模式。默认为 False。

形状:
  • 输入: \((*)\),其中 * 表示任意数量的附加维度。

  • 输出: \((*)\),形状与输入相同。

代码示例:
>>> m = nn.DropPath(p=0.5, is_train=True)
>>> input = jt.randn(3, 3)
>>> m(input)
jt.Var([[-0.          0.         -0.        ]
        [ 0.7605061   3.3895922   0.35916936]
        [ 0.59844434  0.6205048  -0.18792158]], dtype=float32)
class jittor.nn.Dropout(p=0.5, is_train=False)[源代码]

该类是一种用于减少神经网络过拟合的正则化技术。它通过在训练过程中以 p 概率丢弃(即置为零)网络层输出特征的一部分来工作,详细信息可参考论文 Improving neural networks by preventing co-adaptation of feature detectors.

参数:
  • p (float, optional): 元素被置零的概率,默认值为 0.5。p 的值应在 0 到 1 之间(包含)

  • is_train (bool, optional): 若设置为 True ,则 Dropout 层处于激活状态,会随机将输入张量的一些元素置零。若为 False,则 Dropout 层处于非激活状态,表现为恒等函数。默认值:False

形状:
  • Input: \(( *)\),其中 * 表示任意数量的附加维数。

  • Output: \((*)\), 和输入形状相同

代码示例:
>>> layer = nn.Dropout()
>>> input = jt.randn(128, 20)
>>> output = layer(input)
>>> print(output.size())
[128,20,]
class jittor.nn.Dropout2d(p=0.5, is_train=False)[源代码]

该类是一种用于减少神经网络过拟合的正则化技术,是一种特殊类型的 Dropout。按伯努利分布随机将输入的一些通道置零,其中每个通道的都是一个二维特征映射。这样的输出常常产生在二维卷积层之后。

参数:
  • p (float, optional): 通道被置零的概率,默认值为 0.5。p 的值应在 0 到 1 之间(包含)

  • is_train (bool, optional): 若设置为 True ,则 Dropout2d 层处于激活状态,会随机将输入张量的一些元素置零。若为 False,则 Dropout 层处于非激活状态,表现为恒等函数。默认值:False

形状:
  • Input: \((N, C, H, W)\)\((N, C, L)\), 其中 \(N\) 是批量大小,\(C\) 是通道数,\(H\) 是高度,\(W\) 是宽度

  • Output: \((N, C, H, W)\)\((N, C, L)\) (和输入保持一致)

代码示例:
>>> layer = nn.Dropout2d()
>>> input = jt.randn(128, 20, 16, 16)
>>> output = layer(input)
>>> print(output.size())
[128,20,16,16,]
class jittor.nn.ELU(alpha=1.0)[源代码]

ELU 类实现了ELU激活函数,如论文 Fast and Accurate Deep Network Learning by Exponential Linear Units (ELUs) 描述,它对每个输入元素应用以下变换:

\[\begin{split}\text{ELU}(x) = \begin{cases} x, & \text{ if } x > 0\\ \alpha * (\exp(x) - 1), & \text{ if } x \leq 0 \end{cases}\end{split}\]
参数:
  • alpha (float): 控制ELU负部分斜率的参数,默认值:1.0

形状:
  • Input: \((*)\),其中 * 表示任意数量的附加维数。

  • Output: \((*)\),形状与输入相同。

代码示例:
>>> m = nn.ELU()
>>> input = jt.randn(2)
>>> output = m(input)
>>> output
jt.Var([-0.8859823  -0.23584574], dtype=float32)
class jittor.nn.Embedding(num_embeddings, embedding_dim, padding_idx=None, dtype='float32')[源代码]

用于创建一个词嵌入的查找表,它将离散的词索引映射到连续的固定大小的向量空间。这种表示可以捕捉词与词之间的语义关系。

参数:
  • num_embeddings (int) : 嵌入字典的大小

  • embedding_dim (int) : 嵌入向量的维度

  • padding_idx (int, optional) : 如果提供,该索引位置的向量会被初始化为零,并且在更新梯度时会被忽略。默认为 None ,表示不使用填充

  • dtype (var.dtype, optional): 数据类型,默认为 float32

形状:
  • Input: \((*)\),其中 * 表示任意数量的额外维度

  • Output: \((*, H)\),其中 * 为输入形状,H 是嵌入维度

代码示例:
>>> embedding_layer = nn.Embedding(num_embeddings=10, embedding_dim=3)
>>> input = jt.array([[1,2,4,5],[4,3,2,9]])
>>> output = embedding_layer(input)
>>> print(output.size())
[2,4,3,]
>>> print(output)
jt.Var([[[ 0.21688631  0.20658202 -0.8409138 ]
        [-1.4143792   1.2249023   0.31221074]
        [ 0.69098186  0.42030936  1.6108662 ]
        [-2.653321    0.7059287   1.8144118 ]]     
        [[ 0.69098186  0.42030936  1.6108662 ]
        [ 0.719435    0.0080323  -0.910858  ]
        [-1.4143792   1.2249023   0.31221074]
        [ 0.44668317 -0.8123236  -0.29966494]]], dtype=float32)
注意事项:
  • 嵌入层的输入应该是整数类型,这些整数通常表示词汇表中词的索引

  • 在训练过程中,嵌入层的权重会被学习,以更好地捕捉词之间的关系和语义信息

class jittor.nn.Flatten(start_dim=1, end_dim=-1)[源代码]

对一个 Var 的连续范围的数个维度进行扁平化处理 (Flatten)。

扁平化是将多维数据转换为一维数据的过程。例如扁平化一个 shape 为 (2, 3, 4) 的 Var 中的后两个维度,得到的新 Var 的 shape 为 (2, 12)。 默认情况下,此操作从第一维度开始到最后一维度。

参数:
  • start_dim (int): 第一个需要被扁平化的维度,默认值:1

  • end_dim (int): 最后一个需要被扁平化的维度,默认值:-1

形状:
  • Input: \((*,S_{start},\dots,S_i,\dots,S_{end},*)\),其中 \(S_i\) 表示第 \(i\) 维大小, * 表示任意数量的附加维数。

  • Output: \((*,\prod_{i=start}^{end}S_i,*)\).

代码示例:
>>> m = nn.Flatten(1,2)
>>> input = jt.array([[[1, 2],[3, 4]],[[5, 6],[7, 8]]])
>>> output = m(input)
>>> output
jt.Var([[1 2 3 4]
        [5 6 7 8]], dtype=int32)
class jittor.nn.GRU(input_size: int, hidden_size: int, num_layers: int = 1, bias: bool = True, batch_first: bool = False, dropout: float = 0, bidirectional: bool = False)[源代码]

一个门控循环单元 (GRU) 单元

\[\begin{split}\begin{array}{ll} r = \sigma(W_{ir} x + b_{ir} + W_{hr} h + b_{hr}) \\ z = \sigma(W_{iz} x + b_{iz} + W_{hz} h + b_{hz}) \\ n = \tanh(W_{in} x + b_{in} + r * (W_{hn} h + b_{hn})) \\ h' = (1 - z) * n + z * h \end{array}\end{split}\]
参数:
  • input_size(int): 输入特征的数量

  • hidden_size(int): 隐藏状态的数量

  • bias(bool, optional): 如果为 False ,则模型不会使用偏置权重. 默认值: True

代码示例:
>>> rnn = nn.GRUCell(10, 20)
>>> input = jt.randn(6, 3, 10)
>>> hx = jt.randn(3, 20)
>>> output = []
>>> for i in range(6):
        hx = rnn(input[i], hx)
        output.append(hx)
class jittor.nn.GRUCell(input_size, hidden_size, bias=True)[源代码]

一个门控循环单元 (GRU) 单元

\[\begin{split}\begin{array}{ll} r = \sigma(W_{ir} x + b_{ir} + W_{hr} h + b_{hr}) \\ z = \sigma(W_{iz} x + b_{iz} + W_{hz} h + b_{hz}) \\ n = \tanh(W_{in} x + b_{in} + r * (W_{hn} h + b_{hn})) \\ h' = (1 - z) * n + z * h \end{array}\end{split}\]
参数:
  • input_size(int): 输入特征的数量

  • hidden_size(int): 隐藏状态的数量

  • bias(bool, optional): 如果为 False ,则模型不会使用偏置权重. 默认值: True

代码示例:
>>> rnn = nn.GRUCell(10, 20)
>>> input = jt.randn(6, 3, 10)
>>> hx = jt.randn(3, 20)
>>> output = []
>>> for i in range(6):
        hx = rnn(input[i], hx)
        output.append(hx)
class jittor.nn.GroupNorm(num_groups, num_channels, eps=1e-05, affine=True, is_train=True)[源代码]

对输入进行分组归一化

将输入的通道分为 num_groups 组,每组计算 \(\mu\) 和方差 \(\sigma^2\) ,将输入归一化,然后进行一个线性变换:

\[x_i' = \frac{x_i - \mu}{\sqrt{\sigma^2 + \epsilon}} \cdot w_i + b_i\]

训练和测试的时候都使用输入数据计算方差进行归一化

参数:
  • num_groups (int): 输入的通道分成的组数,必须整除 num_channels

  • num_channels (int): 输入的通道个数

  • eps (float): 给方差加上的小量,避免除以 0。默认值:1e-5

  • affine (bool): 是否对输入进行线性变换。默认值:True

  • is_train (bool): 没有含义。默认值:True

形状:
  • Input: (N, num_channels, ...),其中 N 是批次中的数据个数。

  • Output: (N, num_channels, ...),与输入相同。

代码示例:
>>> x = jt.array([[1, 2, 3, 4, 5, 6], [5, 6, 7, 8, 9, 10]])
>>> gn1 = nn.GroupNorm(2, 6)
>>> gn1(x)
jt.Var([[-1.2247355  0.         1.2247355 -1.2247343  0.         1.2247348]
        [-1.2247348  0.         1.2247348 -1.2247314  0.         1.2247305]], dtype=float32)
>>> gn2 = nn.GroupNorm(3, 6)
>>> gn2(x)
jt.Var([[-0.99998    0.99998   -0.99998    0.99998   -0.99998    0.99998  ]
        [-0.99998    0.99998   -0.99998    0.99998   -0.999979   0.9999809]], dtype=float32)
class jittor.nn.Identity(*args, **kwargs)[源代码]

该类用于占位,即它会输出与输入相同的张量。这个模块不会对数据进行任何改变或计算。

参数:
  • *args: 可变参数,用于兼容可能传入的参数,但在实际中不会使用

  • **kwargs: 关键字参数,同样用于兼容性,但不会在类中使用

形状:
  • Input: \((*)\),其中 * 表示任意数量的附加维数。

  • Output: \((*)\),与输入形状相同。

代码示例:
>>> layer = nn.Identity()
>>> input = jt.randn(128, 20)
>>> output = layer(input)
>>> print(output.size())
[128, 20,]
class jittor.nn.InstanceNorm(num_features, eps=1e-05, momentum=0.1, affine=True, is_train=True, sync=True)[源代码]

对输入进行实例归一化

计算输入各项的均值 \(\mu\) 和方差 \(\sigma^2\) ,将输入归一化,然后进行一个线性变换:

\[x_i^{\prime} = \frac{x_i - \mu}{\sqrt{\sigma^2 + \varepsilon}} \cdot w_i + b_i\]

训练和测试的时候都使用输入数据计算方差进行归一化

参数:
  • num_features (int): 输入的特性个数

  • eps (float): 给方差加上的小量,避免除以 0。默认值:1e-5

  • momentum (float): 没有含义。默认值:0.1

  • affine (bool): 是否对输入进行线性变换。默认值:True

  • is_train (bool): 没有含义。默认值:True

  • sync (bool): 没有含义。默认值:True

形状:
  • Input: (N, num_features, ...),其中 N 是批次中的数据个数。

  • Output: (N, num_features, ...),与输入相同。

代码示例:
>>> x = jt.array([1, 2, 3])
>>> y = jt.array([4, 5, 6])
>>> n = nn.InstanceNorm(3)
>>> n(x), n(y)
(jt.Var([-1.2247354  0.         1.2247355], dtype=float32),
 jt.Var([-1.2247343  0.         1.2247348], dtype=float32))
jittor.nn.InstanceNorm1d

InstanceNorm 的别名

jittor.nn.InstanceNorm2d

InstanceNorm 的别名

jittor.nn.InstanceNorm3d

InstanceNorm 的别名

class jittor.nn.KLDivLoss(reduction: str = 'mean', log_target: bool = False)[源代码]

KLDivLoss 实现了 Kullback-Leibler 散度损失,用于衡量两个概率分布之间的差异。 这个损失函数对于比较模型输出的概率分布(预测分布)和目标分布(真实分布)非常有用。

对于相同形状的张量 \(y_{\text{pred}},\ y_{\text{true}}\), 其中 \(y_{\text{pred}}\)input ,而 \(y_{\text{true}}\)target , 输入和目标值的之间的差异可被定义为

\[L(y_{\text{pred}},\ y_{\text{true}}) = y_{\text{true}} \cdot \log \frac{y_{\text{true}}}{y_{\text{pred}}} = y_{\text{true}} \cdot (\log y_{\text{true}} - \log y_{\text{pred}})\]

为了避免计算时的下溢问题,此损失函数期望输入 input 为对数空间。 如果 log_target 设置为 True,则 target 也应该提供在对数空间中。

简而言之,此代码大致等价于

if not self.log_target:
    loss_pointwise = target * (target.log() - input)
else:
    loss_pointwise = target.exp() * (target - input)

然后可以根据 reduction 参数来对这个结果进行处理:

if self.reduction == 'mean':
    loss = loss_pointwise.mean()
elif self.reduction == 'batchmean':
    loss = loss_pointwise.sum() / input.size(0)
elif self.reduction == 'sum':
    loss = loss_pointwise.sum()
else:
    loss = loss_pointwise
参数:
  • reduction (str, optional): 指定损失计算的方式。默认为 'mean', 该参数可以被设置为 'mean''batchmean''sum'None

  • log_target (bool, optional): 指定 target 是否为对数空间。默认为 False

形状:
  • Input:
    • input: \((*)\),模型输出,其中 \(*\) 表示任意数量的维度。

    • target \((*)\),目标值,与输入形状相同。

  • Output: 默认为标量。如果 reduction 为 'None',则为 \((*)\),维数与输入相同。

代码示例:
>>> kl_loss = nn.KLDivLoss(reduction="batchmean")
>>> input = jt.randn(3, 5)
>>> target = jt.rand(3, 5)
>>> output = kl_loss(input, target)
>>> print(output)
jt.Var([-0.30870536], dtype=float32)
class jittor.nn.L1Loss[源代码]

该类用于计算输出值和目标值的绝对误差损失。对单个元素的误差计算如下:

\[\ell(x, y) = L = \{l_1,\dots,l_N\}^\top, \quad l_n = \left| x_n - y_n \right|,\]

其中 \(N\) 为批处理数值。

形状:
  • Input:
    • output: \((*)\),模型输出的预测值,其中 * 表示任意数量的附加维数。

    • target: \((*)\),目标值,和输入形状相同。

  • Output: 一个标量,表示计算的 L1 损失。

代码示例:
>>> loss = nn.L1Loss()
>>> output = jt.randn((3,2))
>>> target = jt.randn((3,2))
>>> loss_var = loss(output, target)
>>> loss_var
jt.Var([0.6522219], dtype=float32)
class jittor.nn.LSTM(input_size, hidden_size, num_layers=1, bias=True, batch_first=False, dropout=0, bidirectional=False, proj_size=0)[源代码]

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

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

\[\begin{split}\begin{array}{ll} i_t = \sigma(W_{ii} x_t + b_{ii} + W_{hi} h_{(t-1)} + b_{hi}) \\ f_t = \sigma(W_{if} x_t + b_{if} + W_{hf} h_{(t-1)} + b_{hf}) \\ g_t = \tanh(W_{ig} x_t + b_{ig} + W_{hc} h_{(t-1)} + b_{hg}) \\ o_t = \sigma(W_{io} x_t + b_{io} + W_{ho} h_{(t-1)} + b_{ho}) \\ c_t = f_t * c_{(t-1)} + i_t * g_t \\ h_t = o_t * \tanh(c_t) \end{array}\end{split}\]

其中, \(h_t\) 是时间t的隐藏状态, \(c_t\) 是时间t的单元状态, \(x_t\) 是时间t的输入,\(h_{(t-1)}\) 是时间t-1的隐藏状态或时间0的初始隐藏状态,且 \(i_t, f_t, g_t, o_t\) 分别是输入门、遗忘门、单元门和输出门。 \(\sigma\) 是sigmoid函数, \(*\) 是哈达玛德积(逐元素乘积)。

在多层LSTM中,第 \(l\) 层( \(l \geq 2\))的输入 \(x_t^{(l)}\) 是前一层的隐藏状态 \(h_t^{(l-1)}\) 乘以dropout \(\delta_t^{(l-1)}\) ,其中每个 \(\delta_t^{(l-1)}\) 是一个伯努利随机变量,在dropout的概率下为0。

参数:
  • input_size(int): 输入的特征维度

  • hidden_size(int): 隐藏状态的特征维度

  • num_layers(int): RNN层数。默认值:1

  • bias(bool): 如果为False,则层不会使用偏置b_ih和b_hh。默认值:True

  • batch_first(bool): 如果为True,则输入和输出张量的形状为(batch,seq,feature)。默认值:False

  • dropout(float): 如果非零,则除了最后一层外,将在每个RNN层的输出上应用丢弃,使用dropout概率。默认值:0

  • bidirectional(bool): 如果为True,则RNN层将是双向的,且输出将是双向隐状态的拼接。默认值:False

  • proj_size(int): 如果大于0,则将每个隐藏状态投影到proj_size维空间。默认值:0

代码示例:
>>> rnn = nn.LSTM(10, 20, 2)
>>> input = jt.randn(5, 3, 10)
>>> h0 = jt.randn(2, 3, 20)
>>> c0 = jt.randn(2, 3, 20)
>>> output, (hn, cn) = rnn(input, (h0, c0))
class jittor.nn.LSTMCell(input_size, hidden_size, bias=True)[源代码]

一个长短期记忆(LSTM)单元。

\[\begin{split}\begin{array}{ll} i = \sigma(W_{ii} x + b_{ii} + W_{hi} h + b_{hi}) \\ f = \sigma(W_{if} x + b_{if} + W_{hf} h + b_{hf}) \\ g = \tanh(W_{ig} x + b_{ig} + W_{hg} h + b_{hg}) \\ o = \sigma(W_{io} x + b_{io} + W_{ho} h + b_{ho}) \\ c' = f * c + i * g \\ h' = o \tanh(c') \\ \end{array}\end{split}\]

其中 \(\sigma\)sigmoid 函数, \(*\) 是逐元素乘法。

参数:
  • input_size(int): 输入的特征维度

  • hidden_size(int): 隐藏层的特征维度

  • bias(bool): 如果为 False ,则模型不会使用偏置权重, 默认值:True

代码示例:
>>> rnn = nn.LSTMCell(10, 20)  # (input_size, hidden_size)
>>> input = torch.randn(2, 3, 10)  # (time_steps, batch, input_size)
>>> hx = jt.randn(3, 20)  # (batch, hidden_size)
>>> cx = jt.randn(3, 20)
>>> output = []
>>> for i in range(input.size()[0]):
        hx, cx = rnn(input[i], (hx, cx))
        output.append(hx)
>>> output = jt.stack(output, dim=0)
class jittor.nn.LayerNorm(normalized_shape, eps: float = 1e-05, elementwise_affine: bool = True)[源代码]

对输入在某些维度归一化

计算输入在某些维度的均值 \(\mu\) 和方差 \(\sigma^2\) ,将输入归一化,然后进行一个线性变换:

\[x_i^{\prime} = \frac{x_i - \mu}{\sqrt{\sigma^2 + \varepsilon}} \cdot w_i + b_i\]

训练和测试的时候都使用输入数据计算方差进行归一化。

参数:
  • normalized_shape (int , tuple[int, …]): 需要被归一化的维度的长度

  • eps (float): 给方差加上的小量,避免除以 0。默认值:1e-5

  • elementwise_affine (bool): 是否对输入进行线性变换。默认值:True

形状:
  • Input: (N, ..., normalized_shape),其中 N 是批次中的数据个数。

  • Output: (N, ..., normalized_shape),与输入相同。

代码示例:
>>> x = jt.array([[1, 2, 3], [4, 5, 6]])
>>> n1 = nn.LayerNorm(3)
>>> n1(x)
jt.Var([[-1.2247354  0.         1.2247354]
        [-1.2247345  0.         1.2247345]], dtype=float32)
>>> n2 = nn.LayerNorm((2, 3))
>>> n2(x)
jt.Var([[-1.4638475  -0.87830853 -0.29276955]
        [ 0.29276943  0.8783083   1.4638474 ]], dtype=float32)
jittor.nn.LayerNorm1d

LayerNorm 的别名

jittor.nn.LayerNorm2d

LayerNorm 的别名

jittor.nn.LayerNorm3d

LayerNorm 的别名

class jittor.nn.Linear(in_features, out_features, bias=True)[源代码]

对输入作用线性变换

\[y = A x + b\]

其中 \(A\)\(b\) 是可学习的参数。

默认有偏置值 \(b\),如果 bias = False\(b = 0\)

参数:
  • in_features (int): 每个输入向量的维数

  • out_features (int): 每个输出向量的维数

  • bias (bool): 是否使用偏置。默认值:True

形状:
  • Input: \((*, \text{in_features})\),其中 * 表示任意数量的附加维数。

  • Output: \((*, \text{out_features})\),其中 * 表示附加维数,这部分与输入相同。

代码示例:
>>> l = nn.Linear(2, 3)
>>> input = jt.randn(5, 2)
>>> output = l(input)
>>> print(output.size())
[5,3,]
class jittor.nn.MSELoss(reduction='mean')[源代码]

用于计算输出值和目标值的均方误差。创建一个衡量 x 和目标 y 之间均方误差标准

\[\ell(x, y) = L = \{l_1,\dots,l_N\}^\top, \quad l_n = \left( x_n - y_n \right)^2,\]

其中 \(N\) 是批处理数量。

如果缩减操作类型(reduction)不是 'none' (默认为 'mean'), 则有以下计算:

\[\begin{split}\ell(x, y) = \begin{cases} \mathrm{mean}(L), & \text{if reduction} = \text{'mean';}\\ \mathrm{sum}(L), & \text{if reduction} = \text{'sum'.} \end{cases}\end{split}\]

其中,\(x\)\(y\) 是任意形状的张量(Var), \(n\) 是元素数量。

参数:
  • reduction (str, optional): 指定应用于输出的缩减操作类型。可选值有 'mean''sum''none' 。默认值: 'mean'

形状:
  • output: \((*)\),其中 * 表示任意数量的附加维数。

  • target: \((*)\),和输入形状相同

代码示例:
>>> m = nn.MSELoss()
>>> output = jt.array([[1.5, 2.3, 0.7], [1.8, 0.5, 2.2]])
>>> target = jt.zeros((2,3))
>>> loss_var = m(output, target)
>>> loss_var
jt.Var([2.7266667], dtype=float32)
class jittor.nn.Mish(inplace=False)[源代码]

对每个元素应用Mish函数。Mish是一种自我调节的非单调神经激活函数。

\[Mish(x) = x * tanh(Softplus(x))\]

其中,Softplus函数定义为 \(softplus(x) = \ln(1 + e^x)\),然后将Softplus的结果用于tanh函数,并与原始输入 \(x\) 相乘得到Mish函数的输出。

对每个元素应用Mish函数。Mish是一种自我调节的非单调神经激活函数。

参数:
  • inplace(bool): 是否进行原地操作

代码示例:
>>> m = nn.Mish()
>>> input = jt.randn(2)
>>> output = m(input)
jittor.nn.ModuleList

Sequential 的别名

class jittor.nn.PReLU(num_parameters=1, init_=0.25)[源代码]

应用 element-wise 函数:

\[\begin{split}\text{PReLU}(x) = \max(0,x) + a * \min(0,x) \\\end{split}\]

这里 \(a\) 是一个可学习的参数。当不带参数调用时,nn.PReLU() 在所有输入通道中使用单个参数 \(a\)。如果使用 nn.PReLU(nChannels) 调用,则每个输入通道使用单独的 \(a\)

参数:
  • num_parameters (int): 要学习的 \(a\) 数量。尽管它接受 int 作为输入,但只有两个值是合法的:1或者输入张量的通道数。默认值:1

  • init_ (float): a 的初始值。默认值:0.25

形状:
  • Input: \(( *)\),其中 * 表示任意数量的附加维数。

  • Output: \((*)\),形状与输入相同。

代码示例:
>>> m = nn.PReLU()
>>> input = jt.randn(2)
>>> output = m(input)
>>> output
jt.Var([-0.3737674 -0.6461646], dtype=float32)
jittor.nn.Parameter(data, requires_grad=True)[源代码]

在Jittor中不需要Parameter接口,这个接口并没有实际作用,仅仅用于兼容性。

在Jittor中,当一个Var是Module的成员时,它就是一个Parameter。如果你不希望一个Jittor Var成员被当作Parameter处理,只需将其名称以下划线 _ 开头即可。

jittor.nn.ParameterDict

ParameterList 的别名

class jittor.nn.PixelShuffle(upscale_factor)[源代码]

该操作将形状为 \((..., C \times r^2, H, W)\) 的张量重新排列为形状 \((..., C, H \times r, W \times r)\) 的张量。的张量,其中 r 是放大因子。 这个过程通常用于上采样或图像尺寸放大,通过调整元素位置来增加空间维度的分辨率。

\[\begin{split}C_{out} = C_{in} / (\text{upscale_factor})^2 \\ H_{out} = H_{in} * \text{upscale_factor} \\ W_{out} = W_{in} * \text{upscale_factor}\end{split}\]
参数:
  • upscale_factor (int): 上采样因子,即每个空间维度的放大因子

代码示例:
>>> pixel_shuffle = nn.PixelShuffle(3)
>>> input = jt.randn(1,9,4,4)
>>> output = pixel_shuffle(input)
>>> output.shape
[1, 1, 12, 12]
class jittor.nn.RNN(input_size: int, hidden_size: int, num_layers: int = 1, nonlinearity: str = 'tanh', bias: bool = True, batch_first: bool = False, dropout: float = 0, bidirectional: bool = False)[源代码]

将带有tanh或ReLU非线性激活函数的多层Elman RNN应用于输入序列。

对于输入序列中的每个元素,每一层计算以下函数:

\[h_t = \tanh(W_{ih} x_t + b_{ih} + W_{hh} h_{(t-1)} + b_{hh})\]

其中, \(h_t\) 是时间t的隐藏状态, \(x_t\) 是时间t的输入, \(h_{(t-1)}\) 是时间t-1的隐藏状态或者是时间0的初始隐藏状态。如果非线性激活函数选择为’relu’,则使用ReLU代替tanh。 参数:

  • input_size(int):输入x的特征数

  • hidden_size(int): 隐藏状态h的特征数

  • num_layers(int): RNN层数。默认值:1

  • nonlinearity(str):非线性激活函数。可以选择tanh或relu。默认值:’tanh’

  • bias(bool):如果为False,则层不会使用偏置b_ih和b_hh。默认值:True

  • batch_first(bool):如果为True,则输入和输出张量的形状为(batch,seq,feature)。默认值:False

  • dropout(float):如果非零,则除了最后一层外,将在每个RNN层的输出上应用丢弃,使用dropout概率。默认值:0

  • bidirectional(bool):如果为True,则RNN层将是双向的,且输出将是双向隐状态的拼接。默认值:False

代码示例:
>>> rnn = nn.RNN(10, 20, 2)
>>> input = jt.randn(5, 3, 10)
>>> h0 = jt.randn(2, 3, 20)
>>> output, hn = rnn(input, h0)
class jittor.nn.RNNBase(mode: str, input_size: int, hidden_size: int, num_layers: int = 1, bias: bool = True, batch_first: bool = False, dropout: float = 0, bidirectional: bool = False, proj_size: int = 0, nonlinearity: str | None = None)[源代码]

RNN模块的基类(RNN, LSTM, GRU)。

实现了RNN、LSTM和GRU类共有的RNN方面,比如模块初始化以及用于参数存储管理的工具方法。

class jittor.nn.RNNCell(input_size, hidden_size, bias=True, nonlinearity='tanh')[源代码]

一个带有tanh或ReLU非线性的Elman RNN单元。

\[h' = \tanh(W_{ih} x + b_{ih} + W_{hh} h + b_{hh})\]

如果 nonlinearity='relu' ,则使用ReLU非线性。

参数:
  • input_size(int): 输入的特征维度

  • hidden_size(int): 隐藏层的特征维度

  • bias(bool): 如果为 False ,则模型不会使用偏置权重。默认值: True

  • nonlinearity(str): 指定非线性激活函数,可选 'tanh''relu' 。默认值: 'tanh'

代码示例:
>>> rnn = nn.RNNCell(10, 20)
>>> input = jt.randn(6, 3, 10)
>>> hx = jt.randn(3, 20)
>>> output = []
>>> for i in range(6):
        hx = rnn(input[i], hx)
        output.append(hx)
class jittor.nn.ReflectionPad2d(padding)[源代码]

使用输入边界的反射来填充输入张量。 输入为 \((N, C, H_{in}, W_{in})\),输出为 \((N, C, H_{out}, W_{out})\),其中:

\[\begin{split}H_{out} = H_{in} + \text{padding_top} + \text{padding_bottom} \\W_{out} = W_{in} + \text{padding_left} + \text{padding_right}\end{split}\]
参数:
  • padding(int, tuple): 填充的大小

代码示例:
>>> m = nn.ReflectionPad2d((1, 1, 2, 0))
>>> input = jt.arange(9,dtype='float32').reshape(1, 1, 3, 3)
>>> input
jt.Var([[[[0. 1. 2.]
        [3. 4. 5.]
        [6. 7. 8.]]]], dtype=float32)
>>> m(input)
jt.Var([[[[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.]]]], dtype=float32)
class jittor.nn.ReplicationPad2d(padding)[源代码]

使用输入边界的复制来填充输入张量。 输入为 \((N, C, H_{in}, W_{in})\),输出为 \((N, C, H_{out}, W_{out})\),其中:

\[\begin{split}H_{out} = H_{in} + \text{padding_top} + \text{padding_bottom} \\W_{out} = W_{in} + \text{padding_left} + \text{padding_right}\end{split}\]
参数:
  • padding(int, tuple): 填充的大小

代码示例:
>>> m = nn.ReplicationPad2d((1, 1, 2, 0))
>>> input = jt.arange(9,dtype='float32').reshape(1, 1, 3, 3)
>>> input
jt.Var([[[[0. 1. 2.]
        [3. 4. 5.]
        [6. 7. 8.]]]], dtype=float32)
>>> m(input)
jt.Var([[[[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.]]]], dtype=float32)
class jittor.nn.Resize(size, mode='nearest', align_corners=False)[源代码]

对输入张量执行resize函数。

参数:
  • size(tuple): 输出尺寸

  • mode(str): 插值模式,可选值为:nearest、linear、bilinear,默认为nearest

  • align_corners(bool): 是否对齐角点,默认为False

代码示例:
>>> m = nn.Resize((16,16))
>>> input = jt.rand(2,3,32,32)
>>> m(input).shape
[2, 3, 16, 16]
class jittor.nn.Sequential(*args)[源代码]

顺序容器。 模块将按照它们在构造函数中传递的顺序被添加。Sequential的execute()方法接受任何输入,并将其转发给它包含的第一个模块。然后它将每个后续模块的输出“链式”地连接到输入,最终返回最后一个模块的输出。Sequential相比于手动调用一系列模块的优势在于,它允许将整个容器视为单个模块,这样对Sequential进行的转换将应用于它存储的每个模块(每个都是Sequential的注册子模块)。

代码示例:
>>> model = nn.Sequential(
  nn.Conv2d(1,20,5),
  nn.ReLU(),
  nn.Conv2d(20,64,5),
  nn.ReLU()
)
>>> model = nn.Sequential(OrderedDict([
  ('conv1', nn.Conv2d(1,20,5)),
  ('relu1', nn.ReLU()),
  ('conv2', nn.Conv2d(20,64,5)),
  ('relu2', nn.ReLU())
]))
>>> model = nn.Sequential()
>>> model.append(nn.Conv2d(1,20,5))
>>> model.append(nn.ReLU())
class jittor.nn.Sigmoid[源代码]

该类用于对张量中的每个元素进行 Sigmoid 激活函数运算,将值映射到 (0, 1) 区间内,公式如下:

\[\text{Sigmoid}(x) = \sigma(x) = \frac{1}{1 + \exp(-x)}\]
形状:
  • Input: \((*)\),其中 * 表示任意数量的额外维度

  • Output: \((*)\),维度和输入相同

代码示例:
>>> m = nn.Sigmoid()
>>> input = jt.randn(5)
>>> input
jt.Var([ 0.00915895  1.5580896   1.5417911  -2.0431511  -1.6694698 ], dtype=float32)
>>> output = m(input)
>>> output
jt.Var([0.5022897  0.8260791  0.8237249  0.11474625 0.15849487], dtype=float32)
class jittor.nn.Softplus(beta=1, threshold=20)[源代码]

逐元素应用softplus函数:\(\text{Softplus}(x) = \frac{1}{\beta} * \log(1 + \exp(\beta * x))\)。 Softplus 函数是 ReLU 函数的平滑近似,可确保机器输出始终为正。当输入与 β 的乘积超过一定阈值时,为了数值稳定性,会转换为线性函数。这样做可避免大数的指数运算,保持计算的稳定性。

参数:
  • beta(float): 公式中的beta,默认值为1

  • threshold(float): 超过此值的部分将转换为线性函数。默认值为20

代码示例:
>>> m = nn.Softplus()
>>> input = jt.rand(2)
>>> output = m(input)
>>> output
jt.Var([0.9192298 1.0103612], dtype=float32)
class jittor.nn.Tanh[源代码]

该类用于对张量中的每个元素进行 Tanh 激活函数运算,公式如下:

\[\text{Tanh}(x) = \tanh(x) = \frac{\exp(x) - \exp(-x)} {\exp(x) + \exp(-x)}\]
形状:
  • Input: \((*)\),其中 * 表示任意数量的额外维度

  • Output: \((*)\),维度和输入相同

代码示例:
>>> m = nn.Tanh()
>>> input = jt.randn(5)
>>> input
jt.Var([ 1.7310377  -3.0513763   0.79816824  1.806881    0.9393758 ], dtype=float32)
>>> output = m(input)
>>> output
jt.Var([ 0.93917847 -0.99553657  0.66301143  0.94751394  0.7349353 ], dtype=float32)
class jittor.nn.Upsample(scale_factor=None, mode='nearest')[源代码]

上采样模块,用于将输入的张量在空间维度(宽和高)上进行上采样 输入张量的形状为 \((N, C, H_{in}, W_{in})\),输出张量的形状为 \((N, C, H_{out}, W_{out})\),其中:

\[\begin{split}H_{out} = \lfloor H_{in} \times \text{scale_factor[0]} \rfloor \\ W_{out} = \lfloor W_{in} \times \text{scale_factor[1]} \rfloor\end{split}\]
参数:
  • scale_factor (float, tuple): 上采样的尺度因子

  • mode (str): 上采样的模式,可选值为: ‘nearest’ | ‘linear’ | ‘area’

代码示例:
>>> m = nn.Upsample((1.1,1.1))
>>> input = jt.rand(2,3,32,32)
>>> m(input).shape
[2, 3, 35, 35]
class jittor.nn.UpsamplingBilinear2d(scale_factor=None)[源代码]

对由多个输入通道组成的输入信号应用2D双线性上采样。 输入张量的形状为 \((N, C, H_{in}, W_{in})\),输出张量的形状为 \((N, C, H_{out}, W_{out})\),其中:

\[\begin{split}H_{out} = \lfloor H_{in} \times \text{scale_factor[0]} \rfloor \\ W_{out} = \lfloor W_{in} \times \text{scale_factor[1]} \rfloor\end{split}\]
参数:
  • scale_factor (float, tuple): 上采样的尺度因子

代码示例:
>>> m = nn.UpsamplingBilinear2d((1.1,1.1))
>>> input = jt.rand(2,3,32,32)
>>> m(input).shape
[2, 3, 35, 35]
class jittor.nn.UpsamplingNearest2d(scale_factor=None)[源代码]

对由多个输入通道组成的输入信号应用2D最近邻上采样。 输入张量的形状为 \((N, C, H_{in}, W_{in})\),输出张量的形状为 \((N, C, H_{out}, W_{out})\),其中:

\[\begin{split}H_{out} = \lfloor H_{in} \times \text{scale_factor[0]} \rfloor \\ W_{out} = \lfloor W_{in} \times \text{scale_factor[1]} \rfloor\end{split}\]
参数:
  • scale_factor (float, tuple): 上采样的尺度因子

代码示例:
>>> m = nn.UpsamplingNearest2d((1.1,1.1))
>>> input = jt.rand(2,3,32,32)
>>> m(input).shape
[2, 3, 35, 35]
class jittor.nn.ZeroPad2d(padding)[源代码]

使用零来填充输入张量的边界。 输入为 \((N, C, H_{in}, W_{in})\),输出为 \((N, C, H_{out}, W_{out})\),其中:

\[\begin{split}H_{out} = H_{in} + \text{padding_top} + \text{padding_bottom} \\W_{out} = W_{in} + \text{padding_left} + \text{padding_right}\end{split}\]
参数:
  • padding(int, tuple): 填充的大小

代码示例:
>>> m = nn.ZeroPad2d((1, 1, 2, 0))
>>> input = jt.randn(1, 1, 3, 3)
>>> input
jt.Var([[[[ 0.18378055 -0.60490954 -0.68662244]
        [-0.42572546 -1.4829487  -0.6552902 ]
        [-0.92770797  0.2502182  -0.10983822]]]], dtype=float32)
>>> m(input)
jt.Var([[[[ 0.          0.          0.          0.          0.        ]
        [ 0.          0.          0.          0.          0.        ]
        [ 0.          0.18378055 -0.60490954 -0.68662244  0.        ]
        [ 0.         -0.42572546 -1.4829487  -0.6552902   0.        ]
        [ 0.         -0.92770797  0.2502182  -0.10983822  0.        ]]]], dtype=float32)
jittor.nn.affine_grid(theta, size, align_corners=False)[源代码]

根据给定的尺寸生成一个4D或5D的仿射网格。

参数:
  • theta (Var): 仿射变换矩阵,对于4D网格,形状为 (N, 2, 3);对于5D网格,形状为 (N, 3, 4)

  • size (list of int): 定义输出网格的尺寸,长度为4时表示4D网格,长度为5时表示5D网格

  • align_corners (bool): 是否对齐角点,默认为 False

返回值:

Var: 生成的仿射网格,形状为 (N, C, H, W, 2) 或 (N, C, D, H, W, 3),具体取决于 size 的长度

代码示例:
>>> import jittor as jt
>>> # 4D网格示例
>>> theta_4d = jt.array([[[1., 0, 0], [0, 1., 0]]])
>>> size_4d = [1, 3, 5, 5]
>>> grid_4d = affine_grid(theta_4d, size_4d)
>>> print(grid_4d.shape)  # Output: (1, 5, 5, 2)
>>> # 5D网格示例
>>> theta_5d = jt.array([[[1., 0, 0, 0], [0, 1., 0, 0], [0, 0, 1., 0]]])
>>> size_5d = [1, 3, 4, 5, 5]
>>> grid_5d = affine_grid(theta_5d, size_5d)
>>> print(grid_5d.shape)  # Output: (1, 4, 5, 5, 3)
jittor.nn.affine_grid_generator_4D(theta, N, C, H, W, align_corners)[源代码]

生成一个四维的仿射网格,并使用给定的仿射矩阵在特征维度上对其进行变换。

参数:
  • theta (Var): 仿射变换矩阵,形状为 (N, 2, 3)

  • N (int): 批次大小

  • C (int): 通道数

  • H (int): 输出高度

  • W (int): 输出宽度

  • align_corners (bool): 控制网格对齐方式的布尔值

返回值:

生成的四维仿射网格 (Var),形状为 (N, H, W, 2)

代码示例:
>>> theta = jt.array([[[1., 0, 0], [0, 1., 0]]])
>>> N = 1
>>> C = 3
>>> H = 5
>>> W = 5
>>> align_corners = True
>>> grid = affine_grid_generator_4D(theta, N, C, H, W, align_corners)
>>> grid.shape
 [1,5,5,2,]
jittor.nn.affine_grid_generator_5D(theta, N, C, D, H, W, align_corners)[源代码]

用于生成一个五维的仿射网格。该函数首先通过对给定的仿射矩阵和基础网格进行矩阵乘法,然后通过变换生成新的仿射网格。

参数:
  • theta (Var): 仿射变换矩阵,形状为 (N, 3, 4)

  • N (int): 输出网格的批次大小

  • C (int): 输出网格的通道数

  • D (int): 输出网格的深度

  • H (int): 输出网格的高度

  • W (int): 输出网格的宽度

  • align_corners (bool): 是否对齐角点

返回值:

生成的五维仿射网格 (Var),大小为 (N, D, H, W, 3)

代码示例:
theta = jt.array([[[1., 0, 0, 0], [0, 1., 0, 0], [0, 0, 1., 0]]])
N = 1
C = 3
D = 4
H = 5
W = 5
align_corners = True
grid = affine_grid_generator_5D(theta, N, C, D, H, W, align_corners)
print(grid.shape)  # Output: (1, 4, 5, 5, 3)
jittor.nn.backward(v, *args, **kw)[源代码]

反向传播函数。在Jittor中不存在 backward 变量接口。请改用 optimizer.backward(loss)optimizer.step(loss)。 例如,如果您的代码如下所示:

optimizer.zero_grad()
loss.backward()
optimizer.step()

可以修改为:

optimizer.zero_grad()
optimizer.backward(loss)
optimizer.step()

或者更简洁的:

optimizer.step(loss)
参数:
  • v(Var): 无用张量

返回值:

无返回值

代码示例:
>>> optimizer.step(loss)
jittor.nn.baddbmm(input, batch1, batch2, beta=1, alpha=1)[源代码]

执行 batch1batch2 矩阵的批量矩阵-矩阵乘积。并将 input 加到最终结果中。 batch1batch2 必须是 3-D 张量,每个都包含相同数量的矩阵。

\[out = beta * input + alpha * (batch1 @ batch2)\]

假设 batch1 的形状是 [batch, n, m], batch2 的形状是 [batch, m, k], 则 input 将是一个形状为 [batch, n, k] 的矩阵。

参数:
  • input (Var): 一个形状为 [batch, n, k] 的张量

  • batch1 (Var): 一个形状为 [batch, n, m] 的张量

  • batch2 (Var): 一个形状为 [batch, m, k] 的张量

  • alpha (float): 乘积的权重, 默认为 1

  • beta (float): input 的权重, 默认为 1

返回值:

output(Var): 结果对应的张量

代码示例:
>>> x = jt.randn(10, 3, 5)
>>> batch1 = jt.randn(10, 3, 4)
>>> batch2 = jt.randn(10, 4, 5)
>>> jt.baddmm(x, batch1, batch2).shape
[10, 3, 5]
jittor.nn.batch_norm(x, running_mean, running_var, weight=1, bias=0, training=False, momentum=0.1, eps=1e-05)[源代码]

对输入的张量进行批量归一化。批量归一化是一种用于提高神经网络性能和稳定性的技术。该操作可以使网络处理的内部协变量变化变得更小。 在正向传播时,该层会将输入中心化(均值为0)和规范化(方差为1),然后将结果乘以比例因子 gamma 并加上偏移量 beta。在反向传播时,本层将计算当前批次的均值和方差的梯度。计算方式如下:

\[norm_x = \frac{x - running_mean} {\sqrt{running_var + eps}} * weight + bias\]
参数:
  • x (Var) : 输入张量。维度 (batch_size, num_channels, ..)。

  • running_mean (Var) : 运行期间的平均值,用于将输入中心化。维度和 num_channels 相同。

  • running_var (Var) : 运行期间的方差,用于将输入规范化。维度和 num_channels 相同。

  • weight (float,optional) : 批量归一化的缩放系数。默认值: 1

  • bias (float,optional) : 批量归一化的平移系数。默认值: 0

  • training (bool,optional) : 为 True 时, 化函数使用在线定义的计数方法对batch数据进行归一化。只有当你使用的模型在每次训练时修改输入的统计数据,并保存更新后的统计数据以备后续使用时,才需要使用该参数。如果训练数据在每一次训练过程中都保持不变,就无需使用该参数。默认值: False

  • momentum (float, optional) : 动量值,有效值为 [0,1] 。默认值: 0.1

  • eps (float,optional) : 用作分母以增加数值稳定性的项。默认值: 1e-5

返回值:

Var: 线性变换后的结果,大小可以是(batch_size, output_dim)

代码示例:
>>> import jittor as jt
>>> from jittor import nn
>>> x = jt.array([[0, 0.5, 1.0], [-0.3, 0.5, 0.8]])
>>> running_mean = jt.mean(x, dim=0) # 实际应用时,自行计算
>>> running_var = jt.var(x, dim=0) # 实际应用时,自行计算
>>> nn.batch_norm(x, running_mean, running_var) 
jt.Var([[ 0.99977785  0.          0.9995003 ]
        [-0.99977785  0.         -0.99950075]], dtype=float32
jittor.nn.bce_loss(output, target, weight=None, size_average=True)[源代码]

计算二分类交叉熵(Binary Cross Entropy)损失。对于给定的类别标签 target 和网络输出结果 output ,计算二分类交叉熵损失,如果指定了权重,则每个样本的损失会乘以权重:

\[L = -\frac{1}{n} \sum_i^n (target[i] * \log(output[i]) + (1 - target[i]) * \log(1 - output[i]))\]
参数:
  • output (Var): 预测值,模型输出。形状为(batch_size, num_classes),元素数据类型为float32

  • target (Var): 目标值,实际值或者是标签。形状应与output保持一致,元素数据类型为float32

  • weight (float,optional): 每个样本的权重,如果指定,应该是一个1-D张量,长度等于batch_size。默认值: None

  • size_average (bool): 是否对损失求平均。如果是True, 返回损失的平均值;否则,返回损失之和。默认值: True

返回值:

Var: 二分类交叉熵(Binary Cross Entropy)损失。

代码示例:
>>> import jittor as jt
>>> from jittor import nn
>>> output = jt.array([1.0, 1.0, 1.0])
>>> target = jt.array([0.5, 0.6, -2.0])
>>> nn.bce_loss(output, target)
jt.Var([59.867214], dtype=float32)
jittor.nn.bilinear(in1, in2, weight, bias)[源代码]

该函数对输入的in1, in2, weight和bias参数进行双线性(bilinear)运算。在数学上,双线性运算可以表示为:

\[z = x * y + bias\]
其中:
  • \(x\) 是第一个输入矩阵和权重矩阵的乘积,形状为 [weight.shape[0], weight.shape[2]]

  • \(y\) 是扩展到与 \(x\) 相同形状的第二个输入矩阵

  • \(*\) 表示矩阵乘法

  • \(bias\) 是偏置值

参数:
  • in1(Var):第一个输入张量

  • in2(Var):第二个输入张量

  • weight(Var):用于完成双线性运算的权重张量

  • bias(Var,optional):用于完成双线性运算的偏置值。如果该参数为None,则不使用偏置值。默认值: None

返回值:

Var: 完成双线性运算后的结果

代码示例:
>>> import jittor as jt
>>> batch_size = 10
>>> feature_size = 5
>>> out_features = 7
>>> in1 = jt.randn(batch_size, feature_size)
>>> in2 = jt.randn(batch_size, feature_size)  
>>> weight = jt.randn(out_features,  feature_size, feature_size)
>>> bias = jt.randn(out_features)
>>> jt.nn.bilinear(in1, in2, weight, bias)
jittor.nn.binary_cross_entropy_with_logits(output, target, weight=None, pos_weight=None, size_average=True)[源代码]

该函数用于计算具有logits的二元交叉熵损失,基于Sigmoid激活函数实现。该函数对于解决数据不平衡问题是非常有效的。

参数:
  • output (Var) : 网络的输出张量,元素float32/float64,形状用 [batch_size,*] 表示。其中 * 代表任意的其他尺寸。

  • target (Var) : 目标张量,类型同output,形状与output相同。

  • weight (Var, optional) : 一个手动指定每个类别的权重的张量。默认值:None

  • pos_weight (Var, optional): 正样本的权重。如果给定,必须为张量,而与output形状相同,且类型与output类型相同。默认值:None

  • size_average (bool, optional): 如果为True,返回交叉熵损失的平均值。否则,返回交叉熵损失的总和。默认值:True

返回值:

Var: 与output形状相同的二元交叉熵损失张量,具有同样的数据类型。

代码示例:
>>> import jittor as jt
>>> from jittor import nn
>>> output = jt.array([0.2, 1, -0.3])
>>> target = jt.array([3, 2, 2])
>>> nn.binary_cross_entropy_with_logits(output, target)
jt.Var([0.22191863], dtype=float32)
jittor.nn.bmm(a, b)[源代码]

执行 ab 矩阵的批量矩阵-矩阵乘积。 ab 必须是3维度张量,每个都包含相同数量的矩阵。

\[out = a @ b\]

假设 a 的形状是 [batch, n, m], b 的形状是 [batch, m, k], 批量矩阵乘法的结果将是一个形状为 [batch, n, k] 的新矩阵。

参数:
  • a(Var): 矩阵A

  • b(Var): 矩阵B

返回值:

output(Var): 乘积对应的张量

代码示例:
>>> x = jt.rand(3, 5, 6)
>>> y = jt.rand(3, 6, 7)
>>> jt.bmm(x, y).shape
[3, 5, 7]
jittor.nn.bmm_transpose(a, b)[源代码]

对两个矩阵进行批次矩阵乘法并对第二个矩阵转置。即:

\[out = A @ B^T\]

第一个矩阵和第二个矩阵转置的乘积。转置操作在最后两个维度上进行。

参数:
  • a(Var): 矩阵A

  • b(Var): 矩阵B

返回值:

output(Var): 乘积对应的张量

代码示例:
>>> x = jt.rand(3, 4, 5, 6)
>>> y = jt.rand(3, 4, 7, 6)
>>> jt.bmm_transpose(x, y).shape
[3, 4, 5, 7]
jittor.nn.clip_coordinates(x, clip_limit)[源代码]

将输入坐标 x 裁剪到 [0, clip_limit - 1] 的范围内。

参数:

x (Var): 需要裁剪的坐标 clip_limit (int): 裁剪的上限

返回值:

裁剪后的坐标(Var):其形状与输入 x 相同。

代码示例:
>>> import jittor as jt
>>> x = jt.array([-5, 0, 5, 10, 15])
>>> clip_limit = 10
>>> clipped_x = clip_coordinates(x, clip_limit)
>>> print(clipped_x)  
jt.Var([0 0 5 9 9], dtype=int32)
jittor.nn.conv(x, weight, bias=None, stride=1, padding=0, dilation=1, groups=1)

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

参数:
  • x (Var) : 输入张量

  • weight (Var) : 卷积核

  • bias (Var,optional) : 卷积后的偏置。默认值:None

  • stride (int, tuple,optional) : 卷积的步长。默认值: 1

  • padding (int, tuple, optional) : 输入的四周添加的填充长度。默认值: 0

  • dilation (int, tuple,optional) : 卷积核元素之间的间距。默认值: 1

  • groups (int,optional) : 输入通道和输出通道之间的阻塞连接数。默认值: 1

返回值:

Var: 执行2D卷积之后的结果张量

代码示例:
>>> x = jt.randn(4, 24, 100, 100)
>>> w = jt.randn(32, 24, 3, 3)
>>> y = nn.conv2d(x, w)
jittor.nn.conv2d(x, weight, bias=None, stride=1, padding=0, dilation=1, groups=1)[源代码]

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

参数:
  • x (Var) : 输入张量

  • weight (Var) : 卷积核

  • bias (Var,optional) : 卷积后的偏置。默认值:None

  • stride (int, tuple,optional) : 卷积的步长。默认值: 1

  • padding (int, tuple, optional) : 输入的四周添加的填充长度。默认值: 0

  • dilation (int, tuple,optional) : 卷积核元素之间的间距。默认值: 1

  • groups (int,optional) : 输入通道和输出通道之间的阻塞连接数。默认值: 1

返回值:

Var: 执行2D卷积之后的结果张量

代码示例:
>>> x = jt.randn(4, 24, 100, 100)
>>> w = jt.randn(32, 24, 3, 3)
>>> y = nn.conv2d(x, w)
jittor.nn.conv3d(x, weight, bias=None, stride=1, padding=0, dilation=1, groups=1)[源代码]

该函数实现了3D卷积运算。此函数首先将padding、stride、dilation参数进行处理。然后计算输出通道的数量。如果支持cuda并且使用cudnn,则进行cuda加速的卷积运算。如果不支持cuda或者groups参数不为1,则进行常规的卷积运算。最后,如果提供了bias参数,则在卷积后加上偏差。最终返回卷积后的结果。

参数:
  • x (Var) : 输入张量

  • weight (Var) : 卷积核

  • bias (Var,optional) : 卷积后的偏置,如未输入默认无偏置。默认值:None

  • stride (int, tuple,optional) : 卷积的步长。默认值: 1

  • padding (int,tuple, optional) : 输入的四周添加的填充长度。默认值: 0

  • dilation (int,tuple,optional) : 卷积核元素之间的间距。默认值: 1

  • groups (int,optional) : 输入通道和输出通道之间的阻塞连接数。默认值: 1

返回值:

Var: 执行2D卷积之后的结果张量

代码示例:
>>> x = jt.randn(4, 24, 50, 50, 50)
>>> w = jt.randn(32, 24, 3, 3, 3)
>>> y = nn.conv3d(x, w)
jittor.nn.conv_transpose(input, weight, bias=None, stride=1, padding=0, output_padding=0, groups=1, dilation=1)[源代码]

对输入的数据进行转置卷积操作。对输入的每个channel进行转置卷积操作,也就是通过在输入的每个channel上作卷积,得到若干子矩阵,将这些子矩阵线性映射并相加后得到的结果。

参数:
  • input (Var) : 输入张量,shape为(N, C, H, W), N为batch size(每次处理的大小),C为通道数,H和W为高和宽

  • weight (Var) : 卷积核权重,shape为(i, o, h, w), i为输入通道数,o为输出通道数,h和w分别为卷积核的高和宽

  • bias (Var,optional) : 卷积后的偏置,除非为None,否则其shape应当为(o,)。默认值:None

  • stride (int, tuple,optional) : 卷积的步长,单位为像素。默认值: 1

  • padding (int, tuple, optional) : 输入的四周添加的填充长度,单位为像素。默认值: 0

  • output_padding (int, tuple, optional) : 输出的四周添加的填充长度,表示在转置卷积操作结束后添加到输出的零填充的数额,单位为像素。默认值: 0

  • groups (int,optional) : 输入通道和输出通道之间的阻塞连接数。默认值: 1

  • dilation (int, tuple,optional) : 卷积核元素之间的间距。默认值: 1

返回值:

Var: 对输入的数据进行转置卷积操作后的结果,shape为(N, o, h_out, w_out)

代码示例:
>>> import jittor as jt
>>> from jittor import nn
>>> x = jt.ones(2,3,4,5)            
>>> w = jt.ones(3,6,3,3)             
>>> nn.conv_transpose(x,w).shape
[2,6,6,7,]
jittor.nn.conv_transpose2d(input, weight, bias=None, stride=1, padding=0, output_padding=0, groups=1, dilation=1)[源代码]

对输入的数据进行转置卷积操作。对输入的每个channel进行转置卷积操作,也就是通过在输入的每个channel上作卷积,得到若干子矩阵,将这些子矩阵线性映射并相加后得到的结果。

参数:
  • input (Var) : 输入张量,shape为(N, C, H, W), N为batch size(每次处理的大小),C为通道数,H和W为高和宽

  • weight (Var) : 卷积核权重,shape为(i, o, h, w), i为输入通道数,o为输出通道数,h和w分别为卷积核的高和宽

  • bias (Var,optional) : 卷积后的偏置,除非为None,否则其shape应当为(o,)。默认值:None

  • stride (int, tuple,optional) : 卷积的步长,单位为像素。默认值: 1

  • padding (int, tuple, optional) : 输入的四周添加的填充长度,单位为像素。默认值: 0

  • output_padding (int, tuple, optional) : 输出的四周添加的填充长度,表示在转置卷积操作结束后添加到输出的零填充的数额,单位为像素。默认值: 0

  • groups (int,optional) : 输入通道和输出通道之间的阻塞连接数。默认值: 1

  • dilation (int, tuple,optional) : 卷积核元素之间的间距。默认值: 1

返回值:

Var: 对输入的数据进行转置卷积操作后的结果,shape为(N, o, h_out, w_out)

代码示例:
>>> import jittor as jt
>>> from jittor import nn
>>> x = jt.ones(2,3,4,5)            
>>> w = jt.ones(3,6,3,3)             
>>> nn.conv_transpose(x,w).shape
[2,6,6,7,]
jittor.nn.conv_transpose3d(input, weight, bias=None, stride=1, padding=0, output_padding=0, groups=1, dilation=1)[源代码]

对输入数据执行三维反卷积操作。此操作也称为转置卷积,它将卷积核应用于输入数据,以创建具有更大尺寸的输出。

参数:
  • input (Var) : 形状为(N, C, D, H, W)的输入张量,其中N是批量大小,C是输入通道数,D是深度,H是高度,W是宽度。

  • weight (Var) : 形状为(i, o, d, h, w)的卷积核权重张量,其中i是输入通道数,o是输出通道数,d,h和w分别是深度,高度和宽度。

  • bias (Var,optional) : 形状为(o,)的偏置张量。如果没有指定,将不使用任何偏置。默认值:None

  • stride (int, tuple,optional) : 卷积的步长,单位为像素。如果是tuple,则按照(d, h, w)的顺序设定步长。默认值: 1

  • padding (int, tuple, optional) : 输入的四周添加的填充长度,单位为像素。如果是tuple,则按照(d, h, w)的顺序设定填充。默认值: 0

  • output_padding (int, tuple, optional) : 输出的四周添加的填充长度,表示在转置卷积操作结束后添加到输出的零填充的数额,单位为像素。如果是tuple,则按照(d, h, w)的顺序设定输出填充。默认值: 0

  • groups (int,optional) : 输入通道和输出通道之间的阻塞连接数。默认值: 1

  • dilation (int, tuple,optional) : 卷积核元素之间的间距。如果是元组,则按照(d, h, w)的顺序设定间距。默认值: 1

返回值:

Var: 对输入的数据进行转置卷积操作后的结果

代码示例:
>>> import jittor as jt
>>> from jittor import nn
>>> input = jt.ones(1,1,3,3,3) 
>>> weight = jt.ones(1,1,2,2,2) 
>>> nn.conv_transpose3d(input, weight).shape
[1,1,4,4,4,]
jittor.nn.cross_entropy_loss(output, target, weight=None, ignore_index=None, reduction='mean')[源代码]

计算交叉熵损失。对于给定的类别标签 target 和网络输出结果 output ,计算交叉熵损失。该函数主要用于分类问题的损失计算。其具体计算公式如下,其中, x 是分类预测的输出,class 是真实的类别标签:

\[L = -log( {e^{x[class]}}/{\sum_{i}^{j}e^{x[i]}})\]
参数:
  • output (Var): 网络输出的结果,形状为(N, C),这里N表示的是batchsize,而C为类别的数量,也可以为(N, H, W, C)形状,H,W分别为高和宽。

  • target (Var): 真实的类别标签,形状为(N,)或者(N, 1),也可以为(N, H, W)形状。

  • weight (Var, optional): 各个类别的权重,用于权衡不同类别对损失的贡献。默认值:None,如果提供此项,其形状应为(C,)。

  • ignore_index (int, optional): 需要忽略的类别标签。默认值:None,即不忽略任何标签。

  • reduction (str, optional): 指定减小损失的方式,可选值为’none’、’mean’或’sum’。’none’表示不执行任何减小损失,’sum’表示通过所有元素求和将损失减少,并且’mean’表示将损失通过所有元素平均值减小。默认值: ‘mean’

返回值:

Var: 计算得到的交叉熵损失。

代码示例:
>>> import jittor as jt
>>> from jittor import nn
>>> output = jt.array([[1,0,0], [0,1,0], [0,0,1], [1,0,0]])
>>> label = jt.array([1, 3, 2, 2])
>>> nn.cross_entropy_loss(output, label)
jt.Var([1.2181114], dtype=float32)
jittor.nn.dropout(x, p=0.5, is_train=False)[源代码]

该函数实现了dropout操作。此函数会在训练阶段随机将输入张量x中约p比例的元素设置为0,从而防止过拟合。在测试阶段,此函数会返回原始的输入张量x,而不进行dropout操作。在数学上,dropout操作表示如下,这里的 \(\frac{x}{1-p}\) 操作确保了在训练和测试阶段,该层的输出的期望保持不变:

\[\begin{split}y = \begin{cases} 0 & 概率 p \\ \frac{x}{1-p} & 概率1-p \end{cases}\end{split}\]
参数:
  • x (Var): 输入张量

  • p (float, optional): dropout的概率。它是一个介于0和1之间的float值,表示每个元素被设置为0的概率。例如,如果p=0.5,那么输入张量中约有一半的元素会被设置为0。默认值: 0.5

  • is_train (bool, optional): 一个布尔值,表示是否在训练模式下运行。如果 is_train==True ,那么会执行dropout操作;如果is_train=False,那么返回原始的输入张量x。默认值: False

返回值:

Var: 一个和输入张量x相同形状的张量,为x执行完dropout操作的结果。

代码示例:
>>> import jittor as jt
>>> from jittor import nn
>>> x = jt.ones(3,3)
>>> nn.dropout(x)
jt.Var([[1. 1. 1.]
        [1. 1. 1.]
        [1. 1. 1.]], dtype=float32)
>>> nn.dropout(x, is_train=True) 
jt.Var([[0. 0. 0.]
        [0. 2. 2.]
        [0. 2. 2.]], dtype=float32)
jittor.nn.dropout2d(x, p=0.5, is_train=False)[源代码]

对2D输入数据执行Dropout操作。此函数会在训练阶段随机将输入张量x中约p比例的元素设置为0,从而防止过拟合。通过这种方式,Dropout可以等同于对大量不同的神经网络进行模型平均。

在测试阶段,此函数会返回原始的输入张量x,而不进行dropout操作。在数学上,dropout操作表示如下,这里的 \(\frac{x}{1-p}\) 操作确保了在训练和测试阶段,该层的输出的期望保持不变,y是输出结果,x是输入数据:

\[\begin{split}y = \begin{cases} 0 & 概率 p \\ \frac{x}{1-p} & 概率1-p \end{cases}\end{split}\]
参数:
  • x (Var): 输入张量,应为2D的Jittor数组。

  • p (float, optional): dropout的概率。它是一个介于0和1之间的float值,表示每个元素被设置为0的概率。例如,如果p=0.5,那么输入张量中约有一半的元素会被设置为0。默认值: 0.5

  • is_train (bool, optional): 一个布尔值,表示是否在训练模式下运行。如果is_train=True ,那么会执行dropout操作;如果is_train=False,那么返回原始的输入张量x。默认值: False

返回值:

Var: 一个和输入张量x相同形状的张量,为x执行完dropout操作的结果。

代码示例:
>>> import jittor as jt
>>> from jittor import nn
>>> x = jt.array([[0, 0.5, 1.0], [-0.3, 0.5, 0.8]])
>>> nn.dropout2d(x, 0.2, True) 
jt.Var([[[ 0.     0.625  1.25 ]
        [-0.375  0.625  1.   ]]], dtype=float32)
>>> nn.dropout2d(x)            
jt.Var([[ 0.   0.5  1. ]
        [-0.3  0.5  0.8]], dtype=float32)
jittor.nn.droppath(x, p=0.5, is_train=False)[源代码]

这个函数通过DropPath算法实现对输入的影响,其中概率参数p和训练状态is_train可以被调整。其数学表示如下,其中 \(y_i\) 是输出张量, \(x_i\) 是输入张量, \(z_i\) 是从均匀分布[0, 1]中随机采样的一个随机值:

\[\begin{split}y_i = \begin{cases} 0, & \text{if } z_i < p \text{ and } \text{is_train} = \text{True} \\ x_i, & \text{otherwise} \end{cases}\end{split}\]
参数:
  • x (Var): 输入张量

  • p (float, optional): DropPath算法的概率参数。默认值: 0.5

  • is_train (bool, optional): 一个布尔值,表示是否在训练模式下运行。如果is_train=True ,那么会执行dropout操作;如果is_train=False,那么返回原始的输入张量x。默认值: False

返回值:

Var: 一个和输入张量x相同形状的张量,为x执行完DropPath操作的结果。

代码示例:
>>> import jittor as jt
>>> from jittor import nn
>>> x = jt.array([[0, 0.5, 1.0], [-0.3, 0.5, 0.8]])
>>> nn.droppath(x, is_train=True) 
jt.Var([[ 0.  1.  2.]
        [-0.  0.  0.]], dtype=float32)
>>> nn.droppath(x)  
jt.Var([[ 0.   0.5  1. ]
        [-0.3  0.5  0.8]], dtype=float32)
jittor.nn.elu(x: Var, alpha: float = 1.0) Var[源代码]

该函数为Jittor的ELU激活函数,这是一个元素级别(element-wise)函数。与ReLU函数不同的是,输入值 x <= 0 时,不直接返回 0,而是返回关于x的自然指数的一个线性函数:

\[\begin{split}\text{ELU}(x) = \begin{cases} x, & \text{当} x > 0\\\\ \alpha * (\exp(x) - 1), & \text{当} x \leq 0 \end{cases}\end{split}\]
参数:
  • x(Var): 输入的Var张量

  • alpha(float,optional):x<=0时公式中的 \(\alpha\) 值。默认值:1.0

返回值:

Var张量。张量x应用ELU激活的结果

代码示例:
>>> import jittor as jt
>>> from jittor import nn
>>> x = jt.array([0.5, 6.5, -0.7])
>>> nn.elu(x)
jt.Var([ 0.5        6.5       -0.5034147], dtype=float32)
>>> nn.elu(x, 0.1)
jt.Var([ 0.5         6.5        -0.05034147], dtype=float32)
jittor.nn.embedding(input, weight)[源代码]

这个函数实现了编译嵌入。接收一个矩阵索引作为输入,并返回相应的权重。

参数:
  • input (Var) : 索引张量,表示要查询权重的索引

  • weight (Var) : 权重张量,表示需要查询的权重

返回值:

Var: 返回一个同权重数据类型的张量,尺寸为(input.shape[0], weight.shape[1]),表示索引所代表的权重。

代码示例:
>>> import jittor as jt
>>> from jittor import nn
>>> weight = jt.array([[0,0,3,1],[2,0,3,1],[0,0,0,0]])
>>> input = jt.array([0,1,2])  
>>> nn.embedding(input, weight) 
jt.Var([[0 0 3 1]
        [2 0 3 1]
        [0 0 0 0]], dtype=int32)
jittor.nn.fold(X, output_size, kernel_size, dilation=1, padding=0, stride=1)[源代码]

将一系列滑动的局部块组合成一个大的包含性张量。 考虑一个批量输入张量,其中包含滑动的局部块,例如图像的块,其形状为 (N, \(C \times \prod(\text{kernel_size})\), L),其中 N 是批次维度,\(C \times \prod(\text{kernel_size})\) 是一个块内的值的数量(一个块有 \(\prod(\text{kernel_size})\) 个空间位置,每个位置包含一个 C 通道的向量),而 L 是块的总数。(这与 Unfold 操作的输出形状完全相同。)这个操作通过对重叠值求和,将这些局部块组合成一个大的输出张量,其形状为 (N, C, \(\text{output_size}[0]\), \(\text{output_size}[1]\), …)。

\[L = \prod_{i=0}^{d-1} \left\lfloor\frac{\text{input_size}[i] + 2 \times \text{padding}[i] - \text{dilation}[i] \times (\text{kernel_size}[i] - 1) - 1}{\text{stride}[i]} + 1\right\rfloor\]
参数:
  • X (Var): 输入的张量

  • output_size (tuple):期望的输出尺寸,格式为(height, width)。

  • kernel_size (int, tuple):折叠操作的块大小。如果输入为单一整数,则视为高度和宽度相同。默认值为1。

  • dilation (int, tuple):单元格之间的距离(沿着高度和宽度方向)。如果输入为单一整数,则视为高度和宽度相同。默认值为1。

  • padding(int, tuple):输入张量两侧填充的行数。如果输入为单一整数,则视为高度和宽度相同。默认值为0。

  • stride (int, tuple):滑动窗口大小(沿着高度和宽度方向)。如果输入为单一整数,则视为高度和宽度相同。默认值为1。

返回值:

output(Var): 输出的张量,形状为(N,C,output_size[0],output_size[1],…)

代码示例:
>>> input = jt.randn(1, 3 * 2 * 2, 12)
>>> jt.nn.fold(input,(4,5),(2,2)).shape
[1, 3, 4, 5]
jittor.nn.fp32_guard(func)[源代码]
jittor.nn.gelu(x)[源代码]

该函数为Jittor的GELU激活函数,它是非线性激活函数,在输入张量的每个元素乘上对应的高斯分布CDF(累积分布函数):\(\text{GELU}(x) = x * \Phi(x)\) ,其中 \(\Phi(x)\) 是高斯分布的累积分布函数。这是一个元素级别(element-wise)函数。

参数:
  • x(Var): 输入的Var张量

返回值:

Var张量。张量x应用GELU激活的结果

代码示例:
>>> import jittor as jt
>>> from jittor import nn
>>> x = jt.array([0, 6.5, -0.7])
>>> nn.gelu(x)
jt.Var([ 0.          6.5        -0.16937456], dtype=float32)
jittor.nn.get_init_var_rand(shape, dtype)[源代码]

在给定形状和数据类型下,返回随机数初始化一个张量。 随机数初始化如下所示,均值为(0.0),标准差为(1.0):

\[X_i \sim N(0,1)\]
参数:
  • shape(tuple): 张量的形状

  • dtype(string): 张量的数据类型

返回值:

output(Var): 随机初始化的张量

代码示例:
>>> x = jt.get_init_var_rand([2, 3],'float32')
jt.Var([[ 0.5034227   0.75092447 -0.7876699 ]
        [-0.7334006  -0.69090897 -2.2373345 ]], dtype=float32)
jittor.nn.grid_sample(input, grid, mode='bilinear', padding_mode='zeros', align_corners=False)[源代码]

给定一个输入和一个流场网格(flow-field grid),通过使用输入值和网格中的像素位置来计算输出。 对于每个输出位置 output[n, :, h, w],大小为2的向量 grid[n, h, w] 指定了输入像素的位置 x 和 y,这些位置被用来插值计算输出值 output[n, :, h, w]。在5D输入 的情况下,grid[n, d, h, w] 指定了用于插值计算 output[n, :, d, h, w] 的 x, y, z 像素位置。mode 参数指定了用于采样输入像素的最近邻或双线性插值方法。grid 指定 了通过输入空间维度归一化的采样像素位置。因此,它应该有大多数值在 [-1, 1] 的范围内。例如,值 x = -1, y = -1 是输入的左上像素,而值 x = 1, y = 1 是输入的右下 像素。如果 grid 有超出 [-1, 1] 范围的值,相应的输出将按照 padding_mode 定义的方式处理。

参数:
  • input (Var): 输入图像张量,形状为(N,C,Hi,Wi)

  • grid (Var): 流场网格,形状为(N,Ho,Wo,2)

  • mode (str): 插值模式,可选’bilinear’和’nearest’,默认为’bilinear’

  • padding_mode (str): 填充模式,可选’zeros’,’border’和’reflection’,默认为’zeros’

返回值:

output(Var): 输出图像张量,形状为(N,C,Ho,Wo)

代码示例:
>>> x = jt.array([[[[1.,2,3],[4,5,6],[7,8,9]]]])
>>> grid = jt.array([[[[0.5,0.5],[0.5,0.5],[0.5,0.5]]]])
>>> jt.nn.grid_sample(x, grid, mode='nearest')
jt.Var([[[[9. 9. 9.]]]], dtype=float32)
jittor.nn.grid_sample_v0(input, grid, mode='bilinear', padding_mode='zeros')[源代码]

给定一个输入和一个流场网格(flow-field grid),通过使用输入值和网格中的像素位置来计算输出。 对于每个输出位置 output[n, :, h, w],大小为2的向量 grid[n, h, w] 指定了输入像素的位置 x 和 y,这些位置被用来插值计算输出值 output[n, :, h, w]。在5D输入 的情况下,grid[n, d, h, w] 指定了用于插值计算 output[n, :, d, h, w] 的 x, y, z 像素位置。mode 参数指定了用于采样输入像素的最近邻或双线性插值方法。grid 指定 了通过输入空间维度归一化的采样像素位置。因此,它应该有大多数值在 [-1, 1] 的范围内。例如,值 x = -1, y = -1 是输入的左上像素,而值 x = 1, y = 1 是输入的右下 像素。如果 grid 有超出 [-1, 1] 范围的值,相应的输出将按照 padding_mode 定义的方式处理。仅支持’zeros’模式。

参数:
  • input (Var): 输入图像张量,形状为(N,C,Hi,Wi)

  • grid (Var): 流场网格,形状为(N,Ho,Wo,2)

  • mode (str): 插值模式,可选’bilinear’和’nearest’,默认为’bilinear’

  • padding_mode (str): 填充模式,可选’zeros’

返回值:

output(Var): 输出图像张量,形状为(N,C,Ho,Wo)

代码示例:
>>> x = jt.array([[[[1.,2,3],[4,5,6],[7,8,9]]]])
>>> grid = jt.array([[[[0.5,0.5],[0.5,0.5],[0.5,0.5]]]])
>>> jt.nn.grid_sample_v0(x, grid, mode='nearest')
jt.Var([[[[5. 5. 5.]]]], dtype=float32)
jittor.nn.grid_sampler(X, grid, mode, padding_mode, align_corners)[源代码]

对数据张量 X 进行基于网格的采样。该函数根据输入张量的维度自动选择使用二维或三维采样。 给定输入张量 X 和流场 grid,使用 X 的值和 grid 中指定的像素位置计算输出。

当前仅支持空间(二维)和体积(三维)的 X

在空间(二维)情况下,对于形状为 (N, C, inp_H, inp_W)X 和形状为 (N, H, W, 2)grid,输出将具有形状 (N, C, H, W)

对于每个输出位置 output[n, :, h, w],大小为 2 的向量 grid[n, h, w] 指定了 X 中的像素位置 xy,这些位置用于插值计算输出值 output[n, :, h, w]。在 5D 输入的情况下,grid[n, d, h, w] 指定了用于插值计算 output[n, :, d, h, w]xyz 像素位置。mode 参数指定了用于采样输入像素的 nearestbilinear 插值方法。

如果 grid 的值超出 [-1, 1] 范围,相应的输出将按照 padding_mode 定义的方式处理。选项包括:

  • padding_mode="zeros":对于越界的网格位置使用 0

  • padding_mode="border":对于越界的网格位置使用边界值

  • padding_mode="reflection":对于越界的网格位置使用边界反射的值。对于远离边界的位置,将继续反射直到变为界内

参数:
  • X(Var):输入的数据张量,维度为4或5,形状为 [N, C, H, W](二维)或 [N, C, D, H, W](三维)

  • grid(Var):采样网格,维度与 X 相同,形状为 [N, H, W, 2](二维)或 [N, D, H, W, 3](三维)

  • mode(str):采样模式,’nearest’ 或 ‘bilinear’。

  • padding_mode(str):填充模式,’border’ 或 ‘reflection’

  • align_corners(bool):是否对齐角点。

返回值:

采样后的数据张量(Var),形状为 [N, C, H, W](二维)或 [N, C, D, H, W](三维)

代码示例:
>>> import jittor as jt
>>> from jittor.nn import grid_sampler
>>> N, C, D, H, W = 1, 1, 2, 2, 2
>>> X = jt.array([[[[[1, 2], [3, 4]], [[5, 6], [7, 8]]]]])
>>> grid = jt.array([[[[[0, 0, 0], [1, 1, 1]], [[0, 1, 0], [1, 0, 1]]]]])
>>> mode = 'bilinear'
>>> padding_mode = 'border'
>>> align_corners = True
>>> sampled_X = grid_sampler(X, grid, mode, padding_mode, align_corners)
>>> print(sampled_X)
jt.Var([[[[[0.16508093 0.25176302]
        [0.12954207 0.27189574]]  
        [[0.24352701 0.32800347]
        [0.30734745 0.38710332]]]]], dtype=float32)
>>> print(sampled_X) 
jt.Var([[[[[4.5 8. ]
       [5.5 7. ]]]]], dtype=float32)
>>> print(sampled_X.shape)
[1, 1, 1, 2, 2]
>>> N, C, H, W = 1, 1, 2, 2
>>> X = jt.array([[[[1, 2], [3, 4]]]])
>>> grid = jt.array([[[[0, 0], [1, 1]], [[0, 1], [1, 0]]]])
>>> mode = 'bilinear'
>>> padding_mode = 'border'
>>> align_corners = True
>>> sampled_X = grid_sampler_2d(X, grid, mode, padding_mode, align_corners)
>>> print(sampled_X)
jt.Var([[[[[4.5 8. ]
       [5.5 7. ]]]]], dtype=float32)
>>> print(sampled_X.shape)
[1, 1, 2, 2]
jittor.nn.grid_sampler_2d(X, grid, mode, padding_mode, align_corners)[源代码]

对二维数据张量 X 进行基于网格的采样。

根据提供的 grid,以及指定的采样模式、填充模式和对齐角点选项,对 X 进行采样。

参数:
  • X(Var):输入的二维数据张量,形状为 [N, C, inp_H, inp_W]。

  • grid(Var):采样网格,形状为 [N, H, W, 2]。

  • mode(str):采样模式,’nearest’ 或 ‘bilinear’。

  • padding_mode(str):填充模式,’border’ 或 ‘reflection’。

  • align_corners(bool):是否对齐角点。

返回值:

采样后的数据张量(Var),形状为 [N, C, H, W]。

代码示例:
>>> import jittor as jt
>>> from jittor.nn import grid_sampler_2d
>>> N, C, H, W = 1, 1, 2, 2
>>> X = jt.array([[[[1, 2], [3, 4]]]])
>>> grid = jt.array([[[[0, 0], [1, 1]], [[0, 1], [1, 0]]]])
>>> mode = 'bilinear'
>>> padding_mode = 'border'
>>> align_corners = True
>>> sampled_X = grid_sampler_2d(X, grid, mode, padding_mode, align_corners)
>>> print(sampled_X)
jt.Var([[[[[4.5 8. ]
       [5.5 7. ]]]]], dtype=float32)
>>> print(sampled_X.shape)
[1, 1, 2, 2]
jittor.nn.grid_sampler_3d(X, grid, mode, padding_mode, align_corners)[源代码]

对三维数据张量 X 进行基于网格的采样。

根据提供的 grid,以及指定的采样模式、填充模式和对齐角点选项,对 X 进行采样。

参数:
  • X(Var):输入的三维数据张量,形状为 [N, C, inp_D, inp_H, inp_W]

  • grid(Var):采样网格,形状为 [N, D, H, W, 3]

  • mode(str):采样模式,’nearest’ 或 ‘bilinear’

  • padding_mode(str):填充模式,’border’ 或 ‘reflection’

  • align_corners(bool):是否对齐角点

返回值:

采样后的数据张量(Var),形状为 [N, C, D, H, W]

代码示例:
>>> import jittor as jt
>>> from jittor.nn import grid_sampler_3d
>>> N, C, D, H, W = 1, 1, 2, 2, 2
>>> X = jt.array([[[[[1, 2], [3, 4]], [[5, 6], [7, 8]]]]])
>>> grid = jt.array([[[[[0, 0, 0], [1, 1, 1]], [[0, 1, 0], [1, 0, 1]]]]])
>>> mode = 'bilinear'
>>> padding_mode = 'border'
>>> align_corners = True
>>> sampled_X = grid_sampler_3d(X, grid, mode, padding_mode, align_corners)
>>> print(sampled_X)
jt.Var([[[[[0.16508093 0.25176302]
       [0.12954207 0.27189574]]   
       [[0.24352701 0.32800347]
       [0.30734745 0.38710332]]]]], dtype=float32)
>>> print(sampled_X) 
jt.Var([[[[[4.5 8. ]
       [5.5 7. ]]]]], dtype=float32)
>>> print(sampled_X.shape)
[1, 1, 1, 2, 2]
jittor.nn.grid_sampler_compute_source_index(coord, size, padding_mode, align_corners)[源代码]

计算网格采样器的源索引。

首先将标准化坐标转化为原始坐标,然后进行裁剪或反射并裁剪以适应原始图像的边界。

参数:
  • coord(Var):归一化的坐标

  • size(int):目标尺寸

  • padding_mode(str):填充模式,’border’ 或 ‘reflection’

  • align_corners(bool):是否对齐角点

返回值:

调整后的坐标(Var),其形状与输入 coord 相同

代码示例:
>>> coord = jt.array([0.5, 0.5, 0.5, 0.5])
>>> size = 5
>>> padding_mode = 'border'
>>> align_corners = True
>>> source_index = grid_sampler_compute_source_index(coord, size, padding_mode, align_corners)
>>> print(source_index)
jt.Var([3. 3. 3. 3.], dtype=float32)
jittor.nn.grid_sampler_unnormalize(coord, size, align_corners)[源代码]

将归一化坐标转换为未归一化的坐标。该函数根据 align_corners 参数的值来决定坐标转换的方式。

align_corners 为 True 时,转换公式为 ((coord + 1) / 2) * (size - 1)。 当 align_corners 为 False 时,转换公式为 ((coord + 1) * size - 1) / 2

参数:
  • coord (Var): 归一化坐标,可以是任意形状的张量

  • size (int,list, tuple of int): 目标尺寸,可以是单个整数或整数列表/元组

  • align_corners (bool): 控制坐标转换方式的布尔值

返回值:

Var: 转换后的未归一化坐标,形状与输入 coord 相同

代码示例:
import jittor as jt
coord = jt.array([-1., 0, 1])
size = 100
align_corners = True
unnormalized_coord = grid_sampler_unnormalize(coord, size, align_corners)
print(unnormalized_coord)  # Output: [  0.  49.5  99. ]
jittor.nn.group_norm(x, num_groups, weight=1, bias=0, eps=1e-05)[源代码]

group normalization操作函数。应用组归一化(Group Normalization)到一小批输入上,如论文《Group Normalization》所描述。 输入通道被分成 num_groups 组,每组包含 num_channels / num_groups 个通道。num_channels 必须能被 num_groups 整除。均值和标准差分别在每组上单独计算。

\[y = \frac{x - \mathrm{E}[x]}{\sqrt{\mathrm{Var}[x] + \epsilon}} * \gamma + \beta\]
参数:
  • x (Var): 输入张量, 形状为 \((N, C, *)\)

  • num_groups (int): 分组数

  • weight (float): 乘法权重, 默认为1

  • bias (float): 加法权重, 默认为0

  • eps (float): 除数中的常数项, 默认为1e-05

返回值:

output(Var): 组归一化后的张量,和输入张量的形状相同

代码示例:
>>> x = jt.randn([8,16,32,32])
>>> num_groups = 4
>>> jt.nn.group_norm(inputs,num_groups).shape
[8,16,32,32]
jittor.nn.hardtanh(x, min_val=-1, max_val=1)[源代码]

在指定范围内对输入张量进行hardtanh剪裁。定义为:

\[\begin{split}\text{hardtanh}(x) = \begin{cases} \text{min_val} & \text{ if } x < \text{min_val} \\ x & \text{ if } \text{min_val} \leq x \leq \text{max_val} \\ \text{max_val} & \text{ if } x > \text{max_val} \end{cases}\end{split}\]
参数:
  • x (Var): 输入张量

  • min_val (float): 下界, 默认值为 -1

  • max_val (float): 上界, 默认值为 1

返回值:

output(Var): 计算后的张量,与输入张量形状相同

代码示例:
>>> x = jt.randn(5)
jt.Var([ 1.0286063   0.66291064 -0.7988304   0.26159737 -0.5073038 ], dtype=float32)
>>> jt.nn.hardtanh(input,-0.5,0.5)
jt.Var([ 0.5         0.5        -0.5         0.26159737 -0.5       ], dtype=float32)
jittor.nn.identity(input)[源代码]

该函数返回输入的同一份拷贝。

参数:
  • input (Var): 输入变量

返回值:

输入变量的拷贝。结果并不是原地(in-place)操作, 操作后的结果和原来的input并不共享存储空间。

代码示例:
>>> import jittor as jt
>>> from jittor import nn
>>> x = jt.ones(3,3)
>>> nn.idnetity(x)
jt.Var([[1. 1. 1.]
        [1. 1. 1.]
        [1. 1. 1.]], dtype=float32)
jittor.nn.instance_norm(x, running_mean=None, running_var=None, weight=1, bias=0, momentum=0.1, eps=1e-05)[源代码]

实例归一化(Instance Normalization)函数。均值和标准差是在每个小批量中的每个对象上,按维度单独计算的。 在每一个单独的实例上进行归一化, 会改变数据分布使之接近标准正态分布,可以在训练神经网络时保证网络的稳定性。计算公式如下:

\[y = \frac{x - \mathrm{E}[x]}{\sqrt{\mathrm{Var}[x] + \epsilon}} * \gamma + \beta\]
参数:
  • x (Var): 输入张量,形状为 \((N, *)\)

  • running_mean (Var): 保存的均值,默认不使用

  • running_var (Var): 保存的方差,默认不使用

  • weight (float): 缩放参数, 默认为1

  • bias (float): 偏移参数, 默认为0

  • momentum (float): 动量参数, 默认为0.1

  • eps (float): 防止分母为0的参数, 默认为1e-5

返回值:

output(Var): 实例归一化后的张量,与输入张量形状相同

代码示例:
>>> x = jt.randn([3,32,32])
>>> jt.nn.instance_norm(x).shape
[3, 32, 32]
jittor.nn.interpolate(X, size=None, scale_factor=None, mode='bilinear', align_corners=False, tf_mode=False)[源代码]

根据设定的模式(mode)对给定的图像进行大小调整。 如果 scale_factor 是给定的,那么根据 scale_factor 进行调整,否则根据 size 进行调整。

参数:
  • img (Var): 输入图像张量,形状为 \((N, C, H, W)\)

  • size (Union[int, Tuple[int, int]]): 输出图像的大小,可以是整数或者整数元组

  • scale_factor (Union[float, Tuple[float, float]]): 缩放因子,可以是浮点数或者浮点数元组

  • mode (str): 插值模式,可选 ‘bilinear’ (默认), ‘bicubic’, ‘area’, ‘nearest’

  • align_corners (bool): 默认为False, 如果设置为 True,输入和输出张量通过其角像素的中心点对齐,保留角像素处的值。如果设置为 False,输入和输出张量通过其角像素的角点对齐,插值使用边缘值填充来处理边界外的值。

  • tf_mode (bool): 默认为False

返回值:

output(Var): 调整后的图像张量

代码示例:
>>> x = jt.randn(4,3,32,32)
>>> output_size = (64, 64)
>>> jt.nn.interpolate(x, output_size,scale_factor=0.5).shape
[4, 3, 16, 16]
jittor.nn.l1_loss(output, target)[源代码]

计算给定输出和目标之间的L1损失(平均绝对误差)。L1损失是预测值output和真实值target之间差值的绝对值的均值:

\[L = \frac{1}{n} ∑|output_i - target_i|\]
参数:
  • output (Var): 预测值,模型输出。可以是任意形状的张量

  • target (Var): 目标值,实际值或者是标签。形状应与output保持一致

返回值:

Var: 一个标量张量,表示L1损失。

代码示例:
>>> import jittor as jt
>>> from jittor import nn
>>> output = jt.array([1.0, 1.0, 1.0])
>>> target = jt.array([0.5, 0.6, -2.0])
>>> nn.l1_loss(output, target)
jt.Var([1.3], dtype=float32)
jittor.nn.layer_norm(*args, **kw)[源代码]
jittor.nn.leaky_relu(x, scale=0.01)[源代码]

该函数为Jittor的Leaky ReLU激活函数,与ReLU函数不同的是,输入值 x < 0 时,不直接返回 0,而是返回输入值进行scale之后的结果:

\[\begin{split}\text{LeakyRELU}(x) = \begin{cases} x, & x \geq 0 \\\\ \text{scale} * x, & x < 0 \end{cases}\end{split}\]
参数:
  • x(Var): 输入的Var张量

  • scale(float,optional):x<0情况下的放缩比例。默认值:0.01

返回值:

输入的张量x应用Leaky ReLU激活的结果

代码示例:
>>> import jittor as jt
>>> from jittor import nn
>>> x = jt.array([0.5, -0.5, -0.7])
>>> nn.leaky_relu(x)
jt.Var([ 0.5   -0.005 -0.007], dtype=float32)
jittor.nn.linear(x, weight, bias=None)[源代码]

对输入x进行线性变换。此函数返回x与权重weight的矩阵乘法的结果,如果传入了偏置bias,则在进行矩阵乘法后还会加上偏置: \(x\ *\ weight^T + bias\)

参数:
  • x (Var): 输入张量,大小可以是(batch_size, input_dim)

  • weight (Var): 权重矩阵,大小可以是(batch_size, input_dim)

  • bias (Var, optional): 偏置向量,大小可以是(output_dim,)。默认值: None

返回值:

Var: 线性变换后的结果,大小可以是(batch_size, output_dim)

代码示例:
>>> import jittor as jt
>>> from jittor import nn
>>> x = jt.array([[0, 0.5, 1.0], [-0.3, 0.5, 0.8]])
>>> weight = jt.ones(3,3)     
>>> nn.linear(x, weight)   
jt.Var([[1.5 1.5 1.5]
        [1.  1.  1. ]], dtype=float32)
jittor.nn.linspace_from_neg_one(grid, num_steps, align_corners)[源代码]

创建一个以-1和1为端点的等差数列。

参数:
  • grid (Var): 输入图像张量,形状为(N,C,H,W)

  • num_steps (int): 等差数列的长度

  • align_corners (bool): 是否将-1和1作为端点

返回值:

output(Var): 等差数列张量

代码示例:
>>> grid = jt.rand(3,3)
>>> jt.nn.linspace_from_neg_one(grid, 5, True)
jt.Var([-1.  -0.5  0.   0.5  1. ], dtype=float32)
jittor.nn.log_sigmoid(x)[源代码]

将输入的张量x传入sigmoid函数后,然后对其求对数。使用此函数可以帮助我们在进行深度学习或者神经网络计算中,更好地平滑输入值。

\[log_sigmoid(x) = log\left(\frac{1}{1+e^{-x}}\right)\]
参数:
  • x (Var): 输入张量,可以是任意维度。

返回值:

Var: 与输入 x 形状相同的张量,其各元素等于输入x在dim维度上的log_sigmoid的结果。

代码示例:
>>> import jittor as jt
>>> from jittor import nn
>>> x = jt.array([0.8, 0.2, 0.5])
>>> nn.log_sigmoid(x)
jt.Var([-0.37110066 -0.5981389  -0.47407696], dtype=float32)
jittor.nn.log_softmax(x, dim=None)[源代码]

对输入的张量进行softmax操作并取对数:

\[\text{log_softmax}(x_i) = \log(\frac{\exp(x_i)}{\sum_j \exp(x_j)})\]
参数:
  • x (Var): 输入张量,可以是任意维度。

  • dim (int, tuple(int), optional): 指定softmax操作的维度。不指定时,操作会应用于所有的元素上。默认值:None

返回值:

Var: 与输入 x 形状相同的张量,其各元素 \(y_i\) 等于输入x在dim维度上的log_softmax的结果。

代码示例:
>>> import jittor as jt
>>> from jittor import nn
>>> x = jt.array([0.8, 0.2, 0.5])
>>> nn.log_softmax(x)
jt.Var([-0.8283902 -1.4283903 -1.1283902], dtype=float32)
jittor.nn.logsumexp(x, dim, keepdims=False, keepdim=False)[源代码]

计算输入张量x在给定维度上的对数和指数。实现的是下列公式,其中,\(x_{i}\)x 的元素:

\[log(\sum_{i}exp(x_{i}))\]
参数:
  • x (Var): 输入张量,可以是任意维度。

  • dim (int, tuple of int): 用于指定计算logsumexp的行或列轴的编号或元组

  • keepdims (bool, optional): 如果此选项设为 True,那么求和张量的选定维度将被保留。默认值:False

  • keepdim (bool, optional): 与keepdims相同。默认值:False

返回值:

Var: x在给定维度上计算对数和指数得到的结果

代码示例:
>>> import jittor as jt
>>> from jittor import nn
>>> x = jt.ones(3,3)
>>> nn.logsumexp(x, dim=0)
jt.Var([2.0986123 2.0986123 2.0986123], dtype=float32)
>>> nn.logsumexp(x, dim=0, keepdims=True)
jt.Var([[2.0986123 2.0986123 2.0986123]], dtype=float32)
jittor.nn.make_base_grid_4D(theta, N, C, H, W, align_corners)[源代码]

创建一个4D的基本grid。

参数:
  • theta (Var): 基础矩阵

  • N (int): batch size

  • C (int): 通道数

  • H (int): 高度

  • W (int): 宽度

  • align_corners (bool): 是否对齐角点 [0 0 1]]]], dtype=int32)

返回值:

output(Var): 4D的基本grid张量

代码示例:
>>> jt.nn.make_base_grid_4D(jt.array([[[1,0,0],[0,1,0]]]), 1, 2, 3, 3, False)
jt.Var([[[[0 0 1]
  [0 0 1]
  [0 0 1]]
 [[0 0 1]
  [0 0 1]
  [0 0 1]]
 [[0 0 1]
  [0 0 1]
jittor.nn.make_base_grid_5D(theta, N, C, D, H, W, align_corners)[源代码]

创建一个5D的基本grid。

参数:
  • theta (Var): 基础矩阵

  • N (int): batch size

  • C (int): 通道数

  • D (int): 深度

  • H (int): 高度

  • W (int): 宽度

  • align_corners (bool): 是否对齐角点

返回值:

output(Var): 5D的基本grid张量

代码示例:
>>> jt.nn.make_base_grid_5D(jt.array([[[1,0,0],[0,1,0]]]), 1, 2, 2,3, 3, False)
jt.Var([[[[[0 0 0 1]
   [0 0 0 1]
   [0 0 0 1]]
  [[0 0 0 1]
   [0 0 0 1]
   [0 0 0 1]]
  [[0 0 0 1]
   [0 0 0 1]
   [0 0 0 1]]]
 [[[0 0 0 1]
   [0 0 0 1]
   [0 0 0 1]]
  [[0 0 0 1]
   [0 0 0 1]
   [0 0 0 1]]
  [[0 0 0 1]
   [0 0 0 1]
   [0 0 0 1]]]]], dtype=int32)
jittor.nn.matmul(a, b)[源代码]

矩阵乘法。此函数接收两个参数,执行矩阵乘法操作,并且返回结果。输入矩阵a,b的尺寸必须匹配。具体来说,a的最后一维的大小必须和b的倒数第二维的大小相同。

参数:
  • a :(Var),形状为 (…, M, N)的第一个输入矩阵.

  • b : (Var), 形状为 (…, N, K)的第二个输入矩阵.

返回值:

Var: 结果矩阵, 形状为 (…, M, K)

代码示例:
>>> a = jt.random([3])
>>> b = jt.random([3])
>>> c = jt.matmul(a, b)
>>> c.shape
[1]
>>> a = jt.random([3, 4])
>>> b = jt.random([4])
>>> c = jt.matmul(a, b)
>>> c.shape 
[3]
>>> a = jt.random([10, 3, 4])
>>> b = jt.random([4])
>>> c = jt.matmul(a, b)
>>> c.shape 
[10, 3]
>>> a = jt.random([10, 3, 4])
>>> b = jt.random([4, 5])
>>> c = jt.matmul(a, b)
>>> c.shape 
[10, 3, 5]
>>> a = jt.random([10, 3, 4])
>>> b = jt.random([10, 4, 5])
>>> c = jt.matmul(a, b)
>>> c.shape 
[10, 3, 5]
>>> a = jt.random([8, 1, 3, 4])
>>> b = jt.random([10, 4, 5])
>>> c = jt.matmul(a, b)
>>> c.shape
[8, 10, 3, 5]
jittor.nn.matmul_transpose(a, b)[源代码]

对于给定的两个矩阵 ab ,这个函数首先将 b 转置,然后再对 a 和转置后的 b 进行矩阵乘法运算,返回该运算结果 \(ab^T\)

参数:
  • a (Var) : 输入的第一个矩阵

  • b (Var) : 输入的第二个矩阵

返回值:

矩阵 a 与转置后的矩阵 b 的矩阵乘法运算结果。如果 a 的最后一个维度与 b 的最后一个维度不同,将引发 AssertionError ;如果 a 的形状与 b 的形状不同,这个函数会使用Jittor的广播规则来进行矩阵乘法运算。

代码示例:
>>> import jittor as jt
>>> from jittor import nn
>>> nn.matmul_transpose(jt.ones(3,4),jt.ones(3,4))
jt.Var([[4. 4. 4.]
        [4. 4. 4.]
        [4. 4. 4.]], dtype=float32)
jittor.nn.mish(x, inplace=False)[源代码]

mish函数是一个在神经网络中使用的激活函数,其定义为 \(x * tanh(softplus(x))\) 。其中 \(softplus\) 函数的定义为 \(softplus(x) = log(1 + e^x)\)

参数:
  • x(Var):输入的张量

  • inplace(bool, optional):用来决定是否在原位进行运算。当inplace=True时,函数会将结果直接保存在输入张量x上,这将节省存储空间但可能会改变输入的值。 默认值是False。当inplace=False时,函数将会创建一个新的张量来保存运算结果,并且不会影响输入张量x的值。

返回值:

Var: 一个与输入同形状、同数据类型的张量,代表运算的结果

代码示例:
>>> import jittor as jt
>>> from jittor import nn
>>> x = jt.array([1, 2, 3, 4, 5])
>>> y = jt.nn.functional.mish(x, inplace=False)
>>> y = jt.nn.mish(x, inplace=False)            
>>> y
jt.Var([0.86509836 1.9439589  2.986535   3.997413   4.9995522 ], dtype=float32)
jittor.nn.mse_loss(output, target, reduction='mean')[源代码]

计算均方误差(Mean Squared Error)损失。对于给定的类别标签 target 和网络输出结果 output ,计算均方误差损失。该函数主要用于分类问题的损失计算。可以选择损失函数输出方式,例如如果选择 'mean' ,则计算方式如下:

\[L = \frac{1}{n} \sum_i^n (output[i] - target[i])^2\]
参数:
  • output (Var): 预测值,模型输出。如果output和target的类型不是Var,会抛出TypeError。

  • target (Var): 目标值,实际值或者是标签。

  • reduction (str, optional): 控制损失函数的输出方式,可以是’mean’ (输出平均损失), ‘sum’, ‘none’之一。如果reduction的值不是’mean’, ‘sum’, ‘none’之一,会抛出ValueError。默认值:’mean’

返回值:

Var: 均方误差损失。

代码示例:
>>> import jittor as jt
>>> from jittor import nn
>>> output = jt.array([1.0, 1.0, 1.0])
>>> target = jt.array([0.5, 0.6, -2.0])
>>> nn.mse_loss(output, target)
jt.Var([3.1366668], dtype=float32)
jittor.nn.nll_loss(output, target, weight=None, ignore_index=-100, reduction='mean')[源代码]

根据给定的目标概率密度函数(target),计算负对数似然损失(negative log likelihood loss)。对于输入中的每个元素,计算该元素在目标处的负对数似然概率: \(loss(x, class) = -weight[class] * log(x[class])\) ,其中log(x[class]) 是预测为class这一类的概率取对数。如果 reduction=='mean' ,那么 \(Out(n, c) = -weight[c]/\sum(weight) * log(input_{n, c})\)

参数:
  • output (Var) : 输出张量,具体维度或形状取决于具体的损失函数。对于nll_loss,input的形状是(minibatch, C)。

  • target (Var) : 目标张量。其定义在[0,class_num-1]之间的取值表示对应输入数据的类别标签。

  • weight (Var, optional) : 一个手动指定每个类别的权重的张量。默认值:None

  • ignore_index (int, optional) : 指定一个值,在计算损失函数时忽略目标值中等于指定值的元素。默认值:-100

  • reduction (string, optional) : 指定如何减少损失:’none’ (不减少) | ‘mean’ (加权减少) | ‘sum’ (简单元素相加)。默认值: 'mean'

返回值:

Var: 一个标量张量,表示负对数似然损失。

代码示例:
>>> import jittor as jt
>>> from jittor import nn
>>> output = jt.array([[0.1, 0.1, 0.8], [0.2, 0.4, 0.4], [0.2, 0.6, 0.2]])
>>> target = jt.array([3, 2, 2])
>>> nn.nll_loss(output, target)
jt.Var([-0.3], dtype=float32)
jittor.nn.one_hot(x: Var, num_classes: int = -1) Var[源代码]

返回输入的 one-hot 编码。如果 x 中的值大于 num_class 或小于0,返回的 one-hot 将全为零。

参数:
  • x(Var):输入的张量,元素类型为bool或者int

  • num_classes(bool, optional):类总数。如果设为-1,那么类的数量将被推断为输入张量中最大的类值加一。默认值: -1

返回值:

Var: 其形状由输入维度加一得到。在最后一个维度的索引处该 Var 的值为1,其他处为0。

代码示例:
>>> jt.nn.one_hot(jt.arange(5) % 3)
jt.Var([[1 0 0]
    [0 1 0]
    [0 0 1]
    [1 0 0]
    [0 1 0]], dtype=int32)
>>> jt.nn.one_hot(jt.arange(5) % 3, num_classes=5)
jt.Var([[1 0 0 0 0]
    [0 1 0 0 0]
    [0 0 1 0 0]
    [1 0 0 0 0]
    [0 1 0 0 0]], dtype=int32)
>>> jt.nn.one_hot(jt.arange(6).reshape(3,2) % 3)
jt.Var([[[1 0 0]
    [0 1 0]]
    [[0 0 1]
    [1 0 0]]
    [[0 1 0]
    [0 0 1]]], dtype=int32)
jittor.nn.pad(x, padding, mode='constant', value=0)[源代码]

对给定的输入张量进行填充。填充方法有四种方式:

  • 常数填充(’constant’,在每个维度的两侧用固定值填充)

  • 复制填充(’replicate’,在每个维度的两侧用输入张量的反射(无重复)进行填充)

  • 反射填充(’reflect’,在每个维度的两侧用输入张量的边缘值进行填充)

  • 环形填充(’circular’,在每个维度的两侧用输入张量的环形复制进行填充)。

参数:
  • x (Var) : 输入的张量

  • padding (list[int]) : 填充的尺寸,list长度必须为偶数,且必须小于等于输入张量的维度的两倍。偶数索引为左填充,奇数索引为右填充。

  • mode (str, optional) : 填充模式,有‘constant’,‘replicate’,‘reflect’和‘circular’四种选择,默认值: ‘constant’

  • value (int, float,optional) : 当填充模式为’constant’时,使用此值进行填充。默认值: 0

返回值:

Var: 填充后的张量

代码示例:
>>> import jittor as jt
>>> from jittor import nn
>>> x = jt.ones(3,3)
>>> nn.pad(x, [1,2]) 
jt.Var([[0. 1. 1. 1. 0. 0.]
        [0. 1. 1. 1. 0. 0.]
        [0. 1. 1. 1. 0. 0.]], dtype=float32)
jittor.nn.reflect_coordinates(x, twice_low, twice_high)[源代码]

对输入坐标 x 进行反射操作。 首先将输入 x 减去 twice_low / 2 ,使其落在零和 twice_high - twice_low 的范围内,然后使用绝对值,取余数和取反操作来反射。

\[ \begin{align}\begin{aligned}\begin{array}{ll} m = \frac{twice\_low}{2} \\ span = \frac{twice\_high - twice\_low}{2} \\ flips = \left\lfloor \frac{x - m}{span} \right\rfloor \\ result1 = |(x - m) \mod span| + m \\ result2 = span - |(x - m) \mod span| + m \end{array}\end{aligned}\end{align} \]
参数:
  • x (Var):需要进行反射操作的坐标

  • twice_low (float):反射区间两倍低点的值

  • twice_high (float):反射区间两倍高点的值

返回值:

反射后的坐标(Var):其形状与输入 x 相同。

代码示例:
>>> import jittor as jt
>>> x = jt.array([1, 2, 3, 4, 5])
>>> twice_low = 2
>>> twice_high = 8
>>> reflected_x = reflect_coordinates(x, twice_low, twice_high)
>>> print(reflected_x)  
jt.Var([1. 2. 3. 4. 3.], dtype=float32)
jittor.nn.relu(x)[源代码]

该函数为Jittor的ReLU激活函数(修正线性单元),在神经网络中应用广泛。ReLU函数在输入值 x > 0 时,返回 x;当输入值 x <= 0 时,返回 0,即 \(\text{ReLU}(x) = \max(0,x)\)

参数:
  • x (Var) : 输入的Var张量

返回值:

Var: 输入的张量x应用ReLU激活的结果

代码示例:
>>> import jittor as jt
>>> from jittor import nn
>>> x = jt.array([0.5, -0.5, -0.7])
>>> nn.relu(x)
jt.Var([0.5 0.  0. ], dtype=float32)
jittor.nn.relu6(x)[源代码]

该函数为Jittor的ReLU6激活函数,这是一个元素级别(element-wise)函数。与ReLU函数不同的是,输入值 x >= 6 时,不直接返回 x,而是返回6:

\[\text{ReLU6}(x) = \min(\max(0,x), 6)\]
参数:
  • x(Var): 输入的Var张量

返回值:

Var张量。张量x应用ReLU6激活的结果,每个元素的值在0和6之间

代码示例:
>>> import jittor as jt
>>> from jittor import nn
>>> x = jt.array([0.5, 6.5, -0.7])
>>> nn.relu6(x)
jt.Var([0.5 6.  0. ], dtype=float32)
jittor.nn.resize(img, size, mode='nearest', align_corners=False, tf_mode=False)[源代码]

根据设定的模式(mode)对给定的图像进行大小调整。

参数:
  • img (Var): 输入图像张量,形状为 \((N, C, H, W)\)

  • size (Union[int, Tuple[int, int]]): 输出图像的大小,可以是整数或者整数元组

  • mode (str): 插值模式,可选 ‘nearest’ (默认), ‘bicubic’, ‘area’,’bilinear’

  • align_corners (bool): 默认为False, 如果设置为 True,输入和输出张量通过其角像素的中心点对齐,保留角像素处的值。如果设置为 False,输入和输出张量通过其角像素的角点对齐,插值使用边缘值填充来处理边界外的值。

  • tf_mode (bool): 默认为False

返回值:

output(Var): 调整后的图像张量,形状为 \((N, C, size[0], size[1])\)

代码示例:
>>> x = jt.randn(4,3,32,32)
>>> output_size = (64, 64)
>>> jt.nn.resize(x, output_size).shape
[4, 3, 64, 64]
jittor.nn.sign(x: Var) Var[源代码]

这是一个元素级别(element-wise)函数。对输入变量x对应索引的元素应用符号函数。具体来说:当元素的值大于0时,返回1;当元素的值等于0时,返回0;当元素的值小于0时,返回-1,即:

\[\begin{split}sign(x) = \begin{cases} 1, & \text {if } x > 0 \\ 0, & \text {if } x = 0 \\ -1, & \text {if } x < 0 \end{cases}\end{split}\]
参数:
  • x(Var): 输入的Var张量

返回值:

Var张量。张量x应用符号函数的结果

代码示例:
>>> import jittor as jt
>>> from jittor import nn
>>> x = jt.array([0, 6.5, -0.7])
>>> nn.sign(x)
jt.Var([ 0.  1. -1.], dtype=float32)
jittor.nn.silu(x)[源代码]

该函数为Jittor的SILU(Sigmoid线性单元)激活函数。这是一个元素级别(element-wise)函数。具体来说,其计算过程如下:

\[\text{SILU}(x) = x\ *\ \text{Sigmoid}(x)\]
参数:
  • x(Var): 输入的Var张量

返回值:

Var张量:张量x应用SILU激活的结果

代码示例:
>>> import jittor as jt
>>> from jittor import nn
>>> x = jt.array([0, 6.5, -0.7])
>>> nn.silu(x)
jt.Var([ 0.          6.490242   -0.23226856], dtype=float32)
jittor.nn.skip_init(module_cls, *args, **kw)[源代码]

跳过初始化模块类的函数。这个函数主要用来直接返回需要实例化的模块类,而不对其进行初始化,可用于在实例化模块类后进行特殊的初始化设置。

参数:
  • module_cls(Var):需要实例化的模块类

  • *args(tuple):传递给模块类实例化的非关键字参数

  • **kw (dict):传递给模块类实例化的关键字参数

返回值:

Var: 模块类的实例

代码示例:
>>> nn.skip_init(nn.Linear, 20, 30)
# 等同于:
>>> nn.Linear(20, 30)
jittor.nn.smooth_l1_loss(y_true, y_pred, reduction='mean')[源代码]

计算给定输出和目标之间的Smooth-L1损失:

\[\begin{split}L_n = \begin{cases} \frac{0.5(x_n - y_n)^2}{\beta}, & \text{if } |x_n - y_n| < \beta \\ |x_n - y_n| - 0.5 \cdot \beta, & \text{otherwise} \end{cases}\end{split}\]
参数:
  • y_true (Var): 真实值,通常为[N, 4]的形状,但是也可以是其他形状。

  • y_pred (Var): 预测值,通常为[N, 4]的形状,但是也可以是其他形状。

  • reduction (str, optional): 计算损失的方式,其值只能在[‘mean’, ‘sum’, ‘none’]中选择。默认值: 'mean'

返回值:

Var: 一个标量张量,表示Smooth-L1损失。

代码示例:
>>> import jittor as jt
>>> from jittor import nn
>>> output = jt.array([1.0, 1.0, 1.0])
>>> target = jt.array([0.5, 0.6, -2.0])
>>> nn.smooth_l1_loss(target, output) 
jt.Var([0.9016667], dtype=float32)
jittor.nn.softmax(x, dim=None, log=False)[源代码]

此函数接收一个输入张量x,并在指定的维度上应用softmax函数。如果参数 log 为True,则应用log_softmax。具体公式如下:

给定输入 \(x\) , softmax函数可以计算为:

\[\text{softmax}(x_i) = \frac{\exp(x_i)}{\sum_j \exp(x_j)}\]

当参数 log 为True时,log_softmax函数可以计算为:

\[\text{log_softmax}(x_i) = \log(\frac{\exp(x_i)}{\sum_j \exp(x_j)})\]
参数:
  • x (Var): 输入张量,可以是任意维度。

  • dim (int, tuple(int), optional): 指定softmax操作的维度。不指定时,操作会应用于所有的元素上。默认值:None

  • log (bool, optional): 如果设为True,则应用log_softmax操作,否则应用普通的softmax操作。默认值:False

返回值:

Var: 与输入 x 形状相同的张量,其各元素 \(y_i\) 等于输入x在dim维度上的softmax或者log_softmax的结果。

代码示例:
>>> import jittor as jt
>>> from jittor import nn
>>> x = jt.array([0.8, 0.2, 0.5])
>>> nn.softmax(x)
jt.Var([0.4367518  0.23969446 0.32355368], dtype=float32)
jittor.nn.softplus(x, beta=1.0, threshold=20.0)[源代码]

Softplus函数实现。Softplus函数是一种平滑函数,常用于构建深度神经网络的非线性变化层,对x的过大过小值进行了阈值剪裁以提高数值稳定性。具体的数学形式如下:

\[y = \frac{1}{\beta} * \log(1 + \exp(\beta * x)) + \max(0, x - \frac{\text{threshold}}{\beta})\]
参数:
  • x (Var) : 输入张量

  • beta (float, optional) : 控制函数曲线的剧烈程度,默认值: 1.0

  • threshold (float, optional): 阈值,当beta * x大于threshold时,会对x进行截断,默认值: 20.0

返回值:

Var: x应用Softplus函数之后的结果张量,与输入x形状相同

代码示例:
>>> import jittor as jt
>>> x = jt.array([1.0, 2.0, 3.0])
>>> jt.nn.softplus(x)
jt.Var([1.3132616 2.126928  3.0485873], dtype=float32)
jittor.nn.unfold(X, kernel_size, dilation=1, padding=0, stride=1)[源代码]

将输入的4维张量按照规定的滑窗大小、步幅等参数展开。 考虑一个形状为(N,C,∗) 的批量输入张量,其中 N 是批次维度,C 是通道维度,而 ∗ 代表任意的空间维度。这个操作将输入的空间维度内的每个滑动大小为 kernel_size 的块展平成一个列(即,最后一个维度),形成一个形状为 (N, \(C \times \prod(\text{kernel_size})\), L) 的3-D输出张量,其中 \(C \times \prod(\text{kernel_size})\) 是每个块内的总值数(一个块有 \(\prod(\text{kernel_size})\) 个空间位置,每个位置包含一个 C 个通道的值),L 是这样的块的总数。

\[L = \prod_{i=0}^{d-1} \left\lfloor\frac{\text{input_size}[i] + 2 \times \text{padding}[i] - \text{dilation}[i] \times (\text{kernel_size}[i] - 1) - 1}{\text{stride}[i]} + 1\right\rfloor\]
参数:
  • X (Var): 输入的4维张量,形状为 \((N, C, H, W)\)

  • kernel_size (Union[int, tuple[int]]): 滑窗的大小,可以是单个整数或者是一个长度为2的tuple,分别表示滑窗的高和宽。

  • dilation (Union[int, tuple[int]], optional): 滑窗元素之间的间距,可以是单个整数或者是一个长度为2的tuple,分别表示滑窗的高和宽。默认为1。

  • padding (Union[int, tuple[int]], optional): 输入在高和宽维度上的padding大小,可以是单个整数或者是一个长度为2的tuple,分别表示高和宽维度上的padding大小。默认为0。

  • stride (Union[int, tuple[int]], optional): 滑窗的步幅大小,可以是单个整数或者是一个长度为2的tuple,分别表示滑窗的高和宽。默认为1。

返回值:

output(Var): 展开后的张量

代码示例:
>>> input = jt.rand(2,5,3,4)
>>> jt.nn.unfold(input, (2,3)).shape
[2, 30, 4]
jittor.nn.upsample(img, size, mode='nearest', align_corners=False, tf_mode=False)[源代码]

根据设定的模式(mode)对给定的图像进行大小调整。

参数:
  • img (Var): 输入图像张量,形状为 \((N, C, H, W)\)

  • size (Union[int, Tuple[int, int]]): 输出图像的大小,可以是整数或者整数元组

  • mode (str): 插值模式,可选 ‘nearest’ (默认), ‘bicubic’, ‘area’,’bilinear’

  • align_corners (bool): 默认为False, 如果设置为 True,输入和输出张量通过其角像素的中心点对齐,保留角像素处的值。如果设置为 False,输入和输出张量通过其角像素的角点对齐,插值使用边缘值填充来处理边界外的值。

  • tf_mode (bool): 默认为False

返回值:

output(Var): 调整后的图像张量,形状为 \((N, C, size[0], size[1])\)

代码示例:
>>> x = jt.randn(4,3,32,32)
>>> output_size = (64, 64)
>>> jt.nn.upsample(x, output_size).shape
[4, 3, 64, 64]
class jittor.nn.AdaptiveAvgPool2d(output_size)[源代码]

对输入进行二维自适应平均池化处理的类。

参数:
  • output_size (int, tuple, list) : 期望的输出形状。

形状:
  • 输入: \([N, C, H, W]\)

  • 输出: \([N, C, S_0, S_1]\), 此处 (S_0, S_1) = output_size

属性:
  • output_size (int, tuple, list) : 期望的输出形状。

代码示例:
>>> m = nn.AdaptiveAvgPool2d((5, 7))  # target output size of 5x7
>>> input = jt.randn(1, 64, 8, 9)
>>> output = m(input)
>>> m = nn.AdaptiveAvgPool2d(7) # target output size of 7x7 (square)
>>> input = jt.randn(1, 64, 10, 9)
>>> output = m(input)
>>> m = nn.AdaptiveAvgPool2d((None, 7)) # target output size of 10x7
>>> input = jt.randn(1, 64, 10, 9)
>>> output = m(input)
class jittor.nn.AdaptiveAvgPool3d(output_size)[源代码]

对输入进行三维自适应平均池化处理的类。

参数:
  • output_size (int, tuple, list) : 期望的输出形状。

形状:
  • 输入: \([N, C, D, H, W]\)

  • 输出: \([N, C, S_0, S_1, S_2]\), 此处 (S_0, S_1, S_2) = output_size

属性:
  • output_size (int, tuple, list) : 期望的输出形状。

代码示例:
>>> # target output size of 5x7x9
>>> m = nn.AdaptiveAvgPool3d((5, 7, 9))
>>> input = jt.randn(1, 64, 8, 9, 10)
>>> output = m(input)
>>> # target output size of 7x7x7 (cube)
>>> m = nn.AdaptiveAvgPool3d(7)
>>> input = jt.randn(1, 64, 10, 9, 8)
>>> output = m(input)
class jittor.nn.AdaptiveMaxPool2d(output_size, return_indices=False)[源代码]

对输入进行二维自适应最大池化处理的类。

参数:
  • output_size (int, tuple, list) : 期望的输出形状。

  • return_indices(bool, optional): 是否返回最大值的索引。默认值: False。

形状:
  • 输入 : \([N, C, H, W]\)

  • 输出 : \([N, C, S_0, S_1]\), 此处 (S_0, S_1) = output_size

属性:
  • output_size (int, tuple, list) : 期望的输出形状。

  • return_indices (bool) : 是否返回最大值的索引。

代码示例:
>>> # target output size of 5x7
>>> m = nn.AdaptiveMaxPool2d((5, 7))
>>> input = jt.randn(1, 64, 8, 9)
>>> output = m(input)
>>> # target output size of 7x7 (square)
>>> m = nn.AdaptiveMaxPool2d(7)
>>> input = jt.randn(1, 64, 10, 9)
>>> output = m(input)
>>> # target output size of 10x7
>>> m = nn.AdaptiveMaxPool2d((None, 7))
>>> input = jt.randn(1, 64, 10, 9)
>>> output = m(input)
class jittor.nn.AdaptiveMaxPool2d(output_size, return_indices=False)[源代码]

对输入进行二维自适应最大池化处理的类。

参数:
  • output_size (int, tuple, list) : 期望的输出形状。

  • return_indices(bool, optional): 是否返回最大值的索引。默认值: False。

形状:
  • 输入 : \([N, C, H, W]\)

  • 输出 : \([N, C, S_0, S_1]\), 此处 (S_0, S_1) = output_size

属性:
  • output_size (int, tuple, list) : 期望的输出形状。

  • return_indices (bool) : 是否返回最大值的索引。

代码示例:
>>> # target output size of 5x7
>>> m = nn.AdaptiveMaxPool2d((5, 7))
>>> input = jt.randn(1, 64, 8, 9)
>>> output = m(input)
>>> # target output size of 7x7 (square)
>>> m = nn.AdaptiveMaxPool2d(7)
>>> input = jt.randn(1, 64, 10, 9)
>>> output = m(input)
>>> # target output size of 10x7
>>> m = nn.AdaptiveMaxPool2d((None, 7))
>>> input = jt.randn(1, 64, 10, 9)
>>> output = m(input)
class jittor.nn.AvgPool2d(kernel_size, stride=None, padding=0, ceil_mode=False, count_include_pad=True)[源代码]

二维平均池化 (pooling) 类。对二维输入的高度和宽度进行平均池化计算。

参数:
  • kernel_size (int or tuple): 池化核的大小。

  • stride (int or tuple, optional): 池化操作的步长。

  • padding (int or tuple, optional): 在输入数据的高度和宽度上各边缘处添加的零填充的大小。

  • ceil_mode (bool, optional): 是否使用 ceil 函数计算输出的高度和宽度。默认值: False。

  • count_include_pad (bool, optional): 是否在计算平均池化时包含零填充的格子。默认值: True。

形状:
  • 输入: \((N, C, H_{in}, W_{in})\)

  • 输出: \((N, C, H_{out}, W_{out})\), 其中

\[\begin{split}& \qquad H_{\text {out }}=\left\lfloor\frac{H_{\text {in }}+2 \times \text { padding }[0]-\text { kernel_size }[0]}{\text { stride }[0]}+1\right\rfloor \\ & \qquad W_{\text {out }}=\left\lfloor\frac{W_{\text {in }}+2 \times \text { padding }[1]-\text { kernel_size }[1]}{\text { stride }[1]}+1\right\rfloor\end{split}\]
属性:
  • layer (jt.Module): 用于执行池化操作的模块。

代码示例:
>>> # 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 = jt.randn(20, 16, 50, 32)
>>> output = m(input)
class jittor.nn.AvgPool3d(kernel_size, stride=None, padding=0, ceil_mode=False, count_include_pad=True)[源代码]

三维平均池化 (pooling) 类。对三维输入的深度, 高度和宽度进行平均池化计算。

参数:
  • kernel_size (int or tuple): 池化核的大小。

  • stride (int or tuple, optional): 池化操作的步长。

  • padding (int or tuple, optional): 在输入数据的高度和宽度上各边缘处添加的零填充的大小。

  • ceil_mode (bool, optional): 是否使用 ceil 函数计算输出的高度和宽度。默认值: False。

  • count_include_pad (bool, optional): 是否在计算平均池化时包含零填充的格子。默认值: True。

形状:
  • 输入: \((N, C, D_{in}, H_{in}, W_{in})\)

  • 输出: \((N, C, D_{out}, H_{out}, W_{out})\), 其中

\[\begin{split}& \qquad D_{\text {out }}=\left\lfloor\frac{D_{\text {in }}+2 \times \text { padding }[0]-\text { kernel_size }[0]}{\text { stride }[0]}+1\right\rfloor \\ & \qquad H_{\text {out }}=\left\lfloor\frac{H_{\text {in }}+2 \times \text { padding }[1]-\text { kernel_size }[1]}{\text { stride }[1]}+1\right\rfloor \\ & \qquad W_{\text {out }}=\left\lfloor\frac{W_{\text {in }}+2 \times \text { padding }[2]-\text { kernel_size }[2]}{\text { stride }[2]}+1\right\rfloor\end{split}\]
属性:
  • layer (jt.Module): 用于执行池化操作的模块。

代码示例:
>>> import jittor as jt
>>> from jittor import nn
>>> m = nn.AvgPool3d(2, stride=1, padding=1, count_include_pad=False)
>>> input = jt.random([1, 6, 2, 2, 2])
>>> output = m(input)
>>> print(output.shape)
[1,6,3,3,3,]
class jittor.nn.MaxPool2d(kernel_size, stride=None, padding=0, dilation=None, return_indices=None, ceil_mode=False)[源代码]

二维最大池化 (pooling) 类。对二维输入的高度和宽度进行最大池化计算。

参数:
  • kernel_size (int or tuple): 池化核的大小。

  • stride (int or tuple, optional): 池化操作的步长。

  • padding (int or tuple, optional): 在输入数据的高度和宽度上各边缘处添加的零填充的大小。

  • dilation (int or tuple, optional): 控制卷积核中元素的间距。

  • return_indices (bool, optional): 如果为True, 则返回最大值的位置索引。

  • ceil_mode (bool, optional): 是否使用 ceil 函数计算输出的高度和宽度。默认值: False。

形状:
  • Input: \((N,C,H_{in},W_{in})\)

  • Output: \((N,C,H_{out},W_{out})\), 其中

\[\begin{split}& \qquad H_{\text {out }}=\left\lfloor\frac{H_{\text {in }}+2 \times \text { padding }[0]-\text { dilation }[0] \times(\text { kernel_size }[0]-1)-1}{\text { stride }[0]}+1\right\rfloor \\ & \qquad W_{\text {out }}=\left\lfloor\frac{W_{\text {in }}+2 \times \text { padding }[1]-\text { dilation }[1] \times(\text { kernel_size }[1]-1)-1}{\text { stride }[1]}+1\right\rfloor\end{split}\]
属性:
  • layer (jt.Module): 用于执行池化操作的模块。

代码示例:
>>> import jittor as jt
>>> from jittor import nn
>>> m = nn.MaxPool2d(2, stride=1, padding=1)
>>> input = jt.random([1, 3, 5, 5])
>>> output = m(input)
>>> print(output.shape)
[1,3,6,6,]
class jittor.nn.MaxPool3d(kernel_size, stride=None, padding=0, dilation=None, return_indices=None, ceil_mode=False)[源代码]

三维最大池化 (pooling) 类。对三维输入的深度、高度和宽度进行最大池化计算。

参数:
  • kernel_size (int or tuple): 池化核的大小。

  • stride (int or tuple, optional): 池化操作的步长。

  • padding (int or tuple, optional): 在输入数据的高度和宽度上各边缘处添加的零填充的大小。

  • dilation (int or tuple, optional): 控制卷积核中元素的间距。

  • return_indices (bool, optional): 如果为True, 则返回最大值的位置索引。

  • ceil_mode (bool, optional): 是否使用 ceil 函数计算输出的高度和宽度。默认值: False。

形状:
  • Input: \((N,C,D_{in},H_{in},W_{in})\)

  • Output: \((N,C,D_{out},H_{out},W_{out})\), 其中

\[\begin{split}& \qquad D_{\text {out }}=\left\lfloor\frac{D_{\text {in }}+2 \times \text { padding }[0]-\text { dilation }[0] \times(\text { kernel_size }[0]-1)-1}{\text { stride }[0]}+1\right\rfloor \\ & \qquad H_{\text {out }}=\left\lfloor\frac{H_{\text {in }}+2 \times \text { padding }[1]-\text { dilation }[1] \times(\text { kernel_size }[1]-1)-1}{\text { stride }[1]}+1\right\rfloor \\ & \qquad W_{\text {out }}=\left\lfloor\frac{W_{\text {in }}+2 \times \text { padding }[2]-\text { dilation }[2] \times(\text { kernel_size }[2]-1)-1}{\text { stride }[2]}+1\right\rfloor\end{split}\]
属性:
  • layer (jt.Module): 用于执行池化操作的模块。

代码示例:
>>> import jittor as jt
>>> from jittor import nn
>>> m = nn.MaxPool3d(2, stride=1, padding=1)
>>> input = jt.random([1, 3, 5, 5, 5])
>>> output = m(input)
>>> print(output.shape)
[1,3,6,6,6,]
class jittor.nn.MaxUnpool2d(kernel_size, stride=None)[源代码]

MaxPool2d 的逆运算。

参数:
  • kernel_size(int, Tuple[int, int]]): 窗口大小。

  • stride(int, Tuple[int, int], optional, 默认为None): 步长。

形状:
  • 输入: \((N,C,H_{in},W_{in})\)

  • 输出: \((N,C,H_{out},W_{out})\), 其中后两维被 output_size 指定。若 output_size 为 None, 则

\[\begin{split}& \qquad H_{\text {out }}=\left\lfloor\frac{H_{\text {in }}+2 \times \text { padding }[0]-\text { kernel_size }[0]}{\text { stride }[0]}+1\right\rfloor \\ & \qquad W_{\text {out }}=\left\lfloor\frac{W_{\text {in }}+2 \times \text { padding }[1]-\text { kernel_size }[1]}{\text { stride }[1]}+1\right\rfloor\end{split}\]
属性:
  • kernel_size (int, tuple): 窗口大小。

  • stride (int, tuple, optional): 步长。

代码示例:
>>> import jittor as jt
>>> from jittor import nn
>>> pool = nn.MaxPool2d(2, stride=2, return_indices=True)
>>> unpool = nn.MaxUnpool2d(2, stride=2)
>>> input = jt.array([[[[1., 2, 3, 4, 0],
...                     [5, 6, 7, 8, 0],
...                     [9, 10, 11, 12, 0],
...                     [13, 14, 15, 16, 0],
...                     [0, 0, 0, 0, 0]]]])
>>> output1, indices = pool(input)
>>> output2= unpool(output1, indices, output_size=input.shape)
>>> print(output2)
jt.Var([[[[ 0.  0.  0.  0.  0.]
        [ 0.  6.  0.  8.  0.]
        [ 0.  0.  0.  0.  0.]
        [ 0. 14.  0. 16.  0.]
        [ 0.  0.  0.  0.  0.]]]], dtype=float32)
class jittor.nn.MaxUnpool3d(kernel_size, stride=None)[源代码]

MaxPool3d 的逆运算。

参数:
  • kernel_size(int, Tuple[int, int, int]]): 窗口大小。 如果是一个整数, 大小为(kernel_size, kernel_size, kernel_size)。

  • stride(int, Tuple[int, int, int], optional, 默认为None): 步长。

形状:
  • 输入: \((N,C,D_{in},H_{in},W_{in})\)

  • 输出: \((N,C,D_{in},H_{out},W_{out})\), 其中后三维被 output_size 指定。若 output_size 为 None, 则

\[\begin{split}& \qquad D_{\text {out }}=\left\lfloor\frac{D_{\text {in }}+2 \times \text { padding }[0]-\text { kernel_size }[0]}{\text { stride }[0]}+1\right\rfloor \\ & \qquad H_{\text {out }}=\left\lfloor\frac{H_{\text {in }}+2 \times \text { padding }[1]-\text { kernel_size }[1]}{\text { stride }[1]}+1\right\rfloor \\ & \qquad W_{\text {out }}=\left\lfloor\frac{W_{\text {in }}+2 \times \text { padding }[2]-\text { kernel_size }[2]}{\text { stride }[2]}+1\right\rfloor\end{split}\]
属性:
  • kernel_size (int, tuple): 窗口大小。

  • stride (int, tuple, optional): 步长。

代码示例:
>>> import jittor as jt
>>> from jittor import nn
>>> pool = nn.MaxPool3d(3, stride=2, return_indices=True)
>>> unpool = nn.MaxUnpool3d(3, stride=2)
>>> output, indices = pool(jt.randn(20, 16, 51, 33, 15))
>>> unpooled_output = unpool(output, indices)
>>> print(unpooled_output.size())
[20,16,50,32,14,]
class jittor.nn.Pool(kernel_size, stride=None, padding=0, dilation=None, return_indices=None, ceil_mode=False, count_include_pad=True, op='maximum')[源代码]

池化(Pooling)类。根据op参数的不同, 可以实现最大池化、最小池化和平均池化操作。

参数:
  • kernel_size (int, tuple): 池化窗口的大小。

  • stride (int, tuple): 池化窗口移动的步长。

  • padding (int, tuple): 输入图像四周的零填充数量。

  • dilation (None): 控制池化窗口中各点的间距。

  • return_indices (bool): 如果是True, 那么在前向过程中, 返回额外的一个输出, 为每个窗口中最大值的索引。

  • ceil_mode (bool): 当为True时, 会对output的大小进行向上取整的操作。

  • count_include_pad (bool): 当进行平均池化操作时, 该参数定义是否把零填充区域计算在内。

  • op (str): 池化操作的类型。

形状:
  • 输入: \((N, C, H_{in}, W_{in})\)

  • 输出: \((N, C, H_{out}, W_{out})\)

属性:
  • kernel_size (int, tuple): 池化窗口的大小。

  • stride (int, tuple): 池化窗口移动的步长。

  • padding (int, tuple): 输入图像四周的零填充数量。

  • dilation (None): 控制池化窗口中各点的间距。

  • return_indices (bool): 如果是True, 那么在前向过程中, 返回额外的一个输出, 为每个窗口中最大值的索引。

  • ceil_mode (bool): 当为True时, 会对output的大小进行向上取整的操作。

  • count_include_pad (bool): 当进行平均池化操作时, 该参数定义是否把零填充区域计算在内。

  • op (str): 池化操作的类型。

代码示例:
>>> input = jt.random([50,3,32,32])  #初始化一个随机张量
>>> pool = nn.Pool(2,2)  #创建一个实现2x2最大池化操作的Pool对象
>>> output = pool(input)  #对张量input进行池化操作
>>> print(output.shape)
[50,3,16,16,]
class jittor.nn.Pool3d(kernel_size, stride=None, padding=0, dilation=None, return_indices=None, ceil_mode=False, count_include_pad=True, op='maximum')[源代码]

三维池化 (pooling) 类。对三维输入的深度, 高度和宽度进行池化计算。

参数:
  • kernel_size (int, tuple): 池化核的大小。

  • stride (int, tuple): 池化操作的步长。

  • padding (int, tuple): 输入的填充大小。

  • dilation (int, tuple): 内核之间元素的距离。

  • return_indices (bool): 如果是 True, 则返回输出的最大值的索引。

  • ceil_mode (bool): 如果是 True, 则在计算输出大小时会使用向上取整, 而不是默认的向下取整。

  • count_include_pad (bool): 如果是 True, 在计算平均值时, 填充位置会被计入总数。

  • op (str): 池化操作的类型。

属性:
  • kernel_size (int, tuple): 池化核的大小。

  • stride (int, tuple): 池化操作的步长。

  • padding (int, tuple): 输入的填充大小。

  • dilation (int, tuple): 内核之间元素的距离。

  • return_indices (bool): 如果是 True, 则返回输出的最大值的索引。

  • ceil_mode (bool): 如果是 True, 则在计算输出大小时会使用向上取整, 而不是默认的向下取整。

  • count_include_pad (bool): 如果是 True, 在计算平均值时, 填充位置会被计入总数。

  • op (str): 池化操作的类型。

形状:
  • 输入: \((N, C, D_{in}, H_{in}, W_{in})\)

  • 输出: \((N, C, D_{out}, H_{out}, W_{out})\)

代码示例:
>>> pool = nn.Pool3d(kernel_size=2, stride=2)
>>> input = jt.randn(20, 16, 50, 32, 32)
>>> output = pool(input)
>>> print(output.shape)
[20,16,25,16,16,]
jittor.nn.avg_pool2d(x, kernel_size, stride=None, padding=0, ceil_mode=False, count_include_pad=True)[源代码]

对输入张量进行2D平均池化操作。

参数:
  • x(Var): 输入张量, 形状为 \((N, C, H_{in}, W_{in})\)

  • kernel_size (int or tuple): 池化核的大小。

  • stride(int or tuple, optional): 步长。

  • padding(int, optional): 在输入张量的所有边界上隐式零填充。默认值: 0。

  • ceil_mode(bool, optional): 当设置为True时, 会使用 \(ceil\) 函数计算输出形状。默认值: False。

  • count_include_pad(bool, optional): 当设置为True时, 将在计算平均值时包含零填充。默认值: True。

返回值:
  • 进行2D平均池化后的张量。

代码示例:
>>> import jittor as jt
>>> x = jt.random((1, 1, 4, 4))
>>> jt.nn.avg_pool2d(x, kernel_size=2, stride=2)
jittor.nn.max_pool2d(x, kernel_size, stride=None, padding=0, dilation=None, return_indices=None, ceil_mode=False)[源代码]

对输入张量进行2D最大池化操作。

参数:
  • x(Var): 输入张量, 形状为 \((N, C, H_{in}, W_{in})\)

  • kernel_size (int or tuple): 池化核的大小。

  • stride(int or tuple, optional): 步长。

  • padding(int, optional): 在输入张量的所有边界上隐式零填充。默认值: 0。

  • ceil_mode(bool, optional): 当设置为True时, 会使用 \(ceil\) 函数计算输出形状。默认值: False。

  • count_include_pad(bool, optional): 当设置为True时, 将在计算平均值时包含零填充。默认值: True。

返回:
  • 进行2D最大池化后的张量。

代码示例:
>>> import jittor as jt
>>> x = jt.random((1, 1, 4, 4))
>>> jt.nn.max_pool2d(x, kernel_size=2, stride=2)
jittor.nn.max_pool3d(x, kernel_size, stride=None, padding=0, dilation=None, return_indices=None, ceil_mode=False)[源代码]

对输入张量进行3D最大池化操作。

参数:
  • x(Var): 输入张量, 形状为 \((N, C, D_{in}, H_{in}, W_{in})\)

  • kernel_size (int or tuple): 池化核的大小。

  • stride(int or tuple, optional): 步长。

  • padding(int, optional): 在输入张量的所有边界上隐式零填充。默认值: 0。

  • ceil_mode(bool, optional): 当设置为True时, 会使用 \(ceil\) 函数计算输出形状。默认值: False。

  • count_include_pad(bool, optional): 当设置为True时, 将在计算平均值时包含零填充。默认值: True。

返回值:

3D最大池化操作后的输出张量(Var)

代码示例:
>>> import torch
>>> x = torch.randn(1, 1, 4, 4, 4)  # 输入张量的形状为 [batch_size, channels, depth, height, width]
>>> torch.nn.functional.max_pool3d(x, kernel_size=3, stride=2, padding=1)
jittor.nn.pool(x, kernel_size, op, padding=0, stride=None)[源代码]

对输入的张量进行池化操作。此函数将对输入应用指定的池化操作, 池化的方式由参数 op 指定。

参数:
  • x (Var): 输入的张量。

  • kernel_size (int, tuple of int): 池化窗口的大小。

  • op (str): 池化方式, \('max'\) 表示最大值池化, \('avg'\) 表示平均池化。

  • padding (int, tuple of int, optional): 在输入的张量的各边填充0的宽度, 默认值: 0。

  • stride (int, tuple of int, optional): 池化窗口移动的步长。默认值: None。

返回值:

池化后的张量。

代码示例:
>>> import jittor as jt
>>> x = jt.ones((1,3,4,4))
>>> y = pool(x, (2, 2), 'max')
>>> y.shape
(1, 3, 2, 2)
jittor.nn.pool3d(x, kernel_size, op, padding=0, stride=None)[源代码]

对输入的张量进行三维池化操作。此函数将对输入应用指定的池化操作, 池化的方式由参数 op 指定。

参数:
  • x (Var or jt.Module): 输入的3维张量。

  • kernel_size (int or tuple of int): 池化窗口的尺寸。

  • op (str): 池化操作的类型。可以是 \('''max'''\) 表示最大值池化。

  • padding (int or tuple of int, optional): 输入的每一维在每个方向上的补0层数。默认值: 0。

  • stride (int or tuple of int, optional): 池化窗口的步长。默认值: 等于 \(kernel\) _ \(size\)

返回值:

池化后的输出。

代码示例:
>>> import jittor as jt
>>> x = jt.random([2,3,10,10,10])
>>> y = jt.nn.pool3d(x, 2, 'max')
>>> y.shape 
[2,3,5,5,5]
class jittor.nn.ComplexNumber(real: Var, imag: Var | None = None, is_concat_value=False)[源代码]

复数类。它以 jt.stack(real, imag, dim=-1) 的形式保存。实现了复数与复数,复数与 jt.Var,复数与整数,复数与浮点数之间的加、减、乘和除运算。可以使用 shapereshapejt.Var 的方法。

参数:
  • real (jittor.Var): 实部

  • imag (jittor.Var, 可选): 虚部。默认值: None

  • is_concat_value (bool, 可选): 是否以 jt.stack 后的值作为输入,默认值: False

属性:
  • value: 用jt.stack存储的复数的实部与虚部。其中value[…, 0]为实部,value[…, 1]为虚部。

代码示例:
>>> import jittor as jt
>>> real = jt.array([[[1., -2., 3.]]])
>>> imag = jt.array([[[0., 1., 6.]]])
>>> a = jt.nn.ComplexNumber(real, imag)
>>> a + a
>>> a / a
>>> a.norm()                # sqrt(real^2+imag^2)
>>> a.exp()                 # e^real(cos(imag)+isin(imag))
>>> a.conj()                # ComplexNumber(real, -imag)
>>> a.fft2()                # cuda only now. len(real.shape) equals 3
>>> a.ifft2()               # cuda only now. len(real.shape) equals 3
>>> a = jt.array([[1,1],[1,-1]])
>>> b = jt.array([[0,-1],[1,0]])
>>> c = jt.nn.ComplexNumber(a,b) / jt.sqrt(3)
>>> c @ c.transpose().conj()
ComplexNumber(real=jt.Var([[0.99999994 0.        ]
        [0.         0.99999994]], dtype=float32), imag=jt.Var([[0. 0.]
        [0. 0.]], dtype=float32))