mindspore.ops
可用于Cell的构造函数的算子。
import mindspore.ops as ops
MindSpore中 mindspore.ops 接口与上一版本相比,新增、删除和支持平台的变化信息请参考 mindspore.ops API接口变更 。
算子原语
Primitive是Python中算子原语的基类。 |
|
PrimitiveWithCheck是Python中原语的基类,定义了检查算子输入参数的函数,但是使用了C++源码中注册的推理方法。 |
|
PrimitiveWithInfer是Python中的原语基类,在python中定义了跟踪推理的函数。 |
装饰器
创建PrimiveWithInfer算子,用于在编译时推断值。 |
|
A decorator which is used to bind the registration information to the func parameter of |
|
用于MindSpore Hybrid DSL函数书写的装饰器。 |
|
用于注册算子的装饰器。 |
|
Primitive属性的注册器。 |
神经网络层算子
神经网络
接口名 |
概述 |
支持平台 |
对输入的多维数据进行二维平均池化运算。 |
|
|
对输入的多维数据进行三维的平均池化运算。 |
|
|
对输入数据进行归一化(Batch Normalization)和更新参数。 |
|
|
二维卷积层。 |
|
|
Compute a 2D transposed convolution, which is also known as a deconvolution (although it is not an actual deconvolution). |
|
|
三维卷积操作。 |
|
|
计算三维转置卷积,也称为反卷积(实际不是真正的反卷积)。 |
|
|
对输入中给定的logits执行贪婪解码。 |
|
|
Dropout是一种正则化手段,通过在训练中以 \(1 - keep\_prob\) 的概率随机将神经元输出设置为0,起到减少神经元相关性的作用,避免过拟合。 |
|
|
在训练期间,根据概率 \(1-keep\_prob\) ,随机的将一些通道设置为0,且服从伯努利分布。 |
|
|
在训练期间,以服从伯努利分布的概率 \(1-keep\_prob\) 随机将输入Tensor的某些通道归零。 |
|
|
为输入序列应用一个单层GRU(gated recurrent unit)。 |
|
|
将循环神经网络应用到输入上。 |
|
|
扁平化(Flatten)输入Tensor,不改变0轴的size。 |
|
|
在输入Tensor上应用层归一化(Layer Normalization)。 |
|
|
局部响应归一化操作LRN(Local Response Normalization)。 |
|
|
Performs the Long Short-Term Memory (LSTM) on the input. |
|
|
对输入的多维数据进行二维的最大池化运算。 |
|
|
对输入的多维数据进行三维的最大池化运算。 |
|
|
对输入Tensor执行最大池化运算,并返回最大值和索引。 |
|
|
通过指定的填充模式和大小对输入Tensor进行填充。 |
|
|
根据参数 paddings 对输入进行填充。 |
|
|
根据指定的索引,返回输入Tensor的切片。 |
|
|
将输入Tensor的最后一个维度从1扩展到 pad_dim_size ,其填充值为0。 |
|
|
使用最近邻插值算法调整输入Tensor为指定大小。 |
|
|
使用双线性插值调整图像大小到指定的大小。 |
|
损失函数
接口名 |
概述 |
支持平台 |
输入经过sigmoid激活函数后作为预测值,BCEWithLogitsLoss 计算预测值和目标值之间的二值交叉熵损失。 |
|
|
计算目标值和预测值之间的二值交叉熵损失值。 |
|
|
计算CTC(Connectionist Temporal Classification)损失和梯度。 |
|
|
计算输入 logits 和 labels 的KL散度。 |
|
|
用于计算L2范数的一半,但不对结果进行开方操作。 |
|
|
获取预测值和目标值之间的负对数似然损失。 |
|
|
Computes the RNNTLoss and its gradient with respect to the softmax outputs. |
|
|
计算预测值与真实值之间的sigmoid交叉熵。 |
|
|
计算平滑L1损失,该L1损失函数有稳健性。 |
|
|
SoftMarginLoss operation. |
|
|
使用one-hot编码获取预测值和真实之间的softmax交叉熵。 |
|
|
Computes the softmax cross-entropy value between logits and sparse encoding labels. |
|
激活函数
接口名 |
概述 |
支持平台 |
指数线性单元激活函数(Exponential Linear Unit activation function)。 |
|
|
快速高斯误差线性单元激活函数。 |
|
|
高斯误差线性单元激活函数(Gaussian Error Linear Units activation function)。 |
|
|
Hard Shrink激活函数。 |
|
|
Hard sigmoid activation function. |
|
|
Hard Swish激活函数。 |
|
|
LogSoftmax激活函数。 |
|
|
逐元素计算输入Tensor的MISH(Self Regularized Non-Monotonic Neural Activation Function 自正则化非单调神经激活函数)。 |
|
|
带参数的线性修正单元激活函数(Parametric Rectified Linear Unit activation function)。 |
|
|
线性修正单元激活函数(Rectified Linear Unit)。 |
|
|
计算输入Tensor的ReLU(矫正线性单元),其上限为6。 |
|
|
激活函数SeLU(Scaled exponential Linear Unit)。 |
|
|
Sigmoid激活函数,逐元素计算Sigmoid激活函数。 |
|
|
在指定轴上使用Softmax函数做归一化操作。 |
|
|
Softplus激活函数。 |
|
|
Soft Shrink激活函数。 |
|
|
Softsign激活函数。 |
|
|
逐元素计算输入元素的双曲正切。 |
|
优化器
接口名 |
概述 |
支持平台 |
通过Adam算法更新梯度。 |
|
|
Updates gradients by the Adaptive Moment Estimation algorithm with weight decay (AdamWeightDecay). |
|
|
二维自适应平均池化。 |
|
|
根据Adadelta算法更新相关参数。 |
|
|
根据Adagrad算法更新相关参数。 |
|
|
根据Adagrad算法更新 var 。 |
|
|
根据Adagrad算法更新相关参数。 |
|
|
根据AdaMax算法更新相关参数。 |
|
|
根据AddSign算法更新相关参数。 |
|
|
居中RMSProp算法优化器。 |
|
|
根据FTRL算法更新相关参数。 |
|
|
通过从 var 中减去 alpha * delta 来更新 var 。 |
|
|
使用动量算法的优化器。 |
|
|
根据AddSign算法更新相关参数。 |
|
|
根据Proximal Adagrad算法更新网络参数。 |
|
|
根据FOBOS(Forward Backward Splitting)算法更新网络参数。 |
|
|
实现均方根传播Root Mean Square prop(RMSProp)算法的优化器。 |
|
|
对梯度的平方和应用LARS(layer-wise adaptive rate scaling)算法。 |
|
|
已弃用。 |
|
|
根据Adagrad算法更新相关参数。 |
|
|
Updates relevant entries according to the proximal adagrad algorithm. |
|
|
计算随机梯度下降。 |
|
|
根据FTRL-proximal算法更新相关参数。 |
|
|
Updates relevant entries according to the FTRL-proximal scheme. |
|
距离函数
接口名 |
概述 |
支持平台 |
计算两个Tensor的p-范数距离。 |
|
|
Computes the Levenshtein Edit Distance. |
|
|
Returns the matrix norm or vector norm of a given tensor. |
|
采样算子
接口名 |
概述 |
支持平台 |
计算与目标类完全匹配的抽样样本的位置id。 |
|
|
使用log-uniform(Zipfian)分布对一组类别进行采样。 |
|
|
使用均匀分布对一组类别进行采样。 |
|
图像处理
接口名 |
概述 |
支持平台 |
Decodes bounding boxes locations. |
|
|
Encodes bounding boxes locations. |
|
|
Checks bounding box. |
|
|
Extracts crops from the input image tensor and resizes them. |
|
|
Extract patches from input and put them in the "depth" output dimension. |
|
|
计算矩形的IOU,即真实区域和预测区域的交并比。 |
|
|
L2范数归一化算子。 |
|
|
非极大值抑制算法(NMS, Non-maximum Suppression)。 |
|
|
感兴趣区域对齐(RoI Align)运算。 |
|
文本处理
接口名 |
概述 |
支持平台 |
n-grams出现重复,则更新对应n-gram词序列出现的概率。 |
|
数学运算算子
逐元素运算
接口名 |
概述 |
支持平台 |
逐元素计算输入Tensor的绝对值。 |
|
|
Computes accumulation of all input tensors element-wise. |
|
|
逐元素计算输入Tensor的反余弦。 |
|
|
逐元素计算输入Tensor的反双曲余弦。 |
|
|
两个输入Tensor逐元素相加。 |
|
|
Performs the element-wise division of tensor x1 by tensor x2, multiply the result by the scalar value and add it to input_data. |
|
|
Performs the element-wise product of tensor x1 and tensor x2, multiply the result by the scalar value and add it to input_data. |
|
|
逐元素将所有输入的Tensor相加。 |
|
|
逐元素计算输入Tensor的反正弦值。 |
|
|
逐元素计算输入Tensor的反双曲正弦值。 |
|
|
逐元素计算输入Tensor的反正切值。 |
|
|
逐元素计算x/y的反正切值。 |
|
|
逐元素计算输入Tensor的反双曲正切值。 |
|
|
逐元素计算输入数据的BesselI0e函数值。 |
|
|
逐元素计算输入数据的BesselI1e函数值。 |
|
|
逐元素执行两个Tensor的与运算。 |
|
|
逐元素执行两个Tensor的或运算。 |
|
|
逐元素执行两个Tensor的异或运算。 |
|
|
向上取整函数。 |
|
|
Returns a tensor of complex numbers that are the complex conjugate of each element in input. |
|
|
逐元素计算输入数据的余弦。 |
|
|
逐元素计算输入数据的双曲余弦。 |
|
|
逐元素计算第一输入Tensor除以第二输入Tensor的商。 |
|
|
Computes a safe divide and returns 0 if the x2 is zero. |
|
|
This operator uses equation to represent a tuple of tensors operations, you can use this operator to perform diagonal/reducesum/transpose/matmul/mul/inner product operations, etc. |
|
|
逐元素计算 x 的高斯误差函数。 |
|
|
逐元素计算 x 的互补误差函数。 |
|
|
Computes the inverse error function of input. |
|
|
逐元素计算输入Tensor的指数。 |
|
|
Returns exponential then minus 1 of a tensor element-wise. |
|
|
向下取整函数。 |
|
|
将第一个输入Tensor除以第二个输入Tensor,并向下取整。 |
|
|
将第一个输入Tensor除以第二个输入Tensor,并向下取余。 |
|
|
Returns a new tensor containing imaginary value of the input. |
|
|
按元素计算输入Tensor的倒数。 |
|
|
翻转输入Tensor的所有元素。 |
|
|
Computes the minimum of input tensors element-wise. |
|
|
逐元素返回Tensor的自然对数。 |
|
|
对输入Tensor逐元素加一后计算自然对数。 |
|
|
逐元素计算两个Tensor的逻辑与运算。 |
|
|
逐元素计算两个Tensor的逻辑非运算。 |
|
|
逐元素计算两个Tensor的逻辑或运算。 |
|
|
将第一个输入Tensor逐元素除以第二个输入Tensor,并取余。 |
|
|
两个Tensor逐元素相乘。 |
|
|
逐元素计算输入乘积。 |
|
|
计算输入x的相反数并返回。 |
|
|
计算 x 中每个元素的 y 次幂。 |
|
|
返回输入Tensor的实数部分。 |
|
|
第一个输入Tensor元素为分子,第二个输入Tensor元素为分母,逐元素进行浮点型除法运算。 |
|
|
返回输入Tensor的倒数。 |
|
|
Returns an integer that is closest to x element-wise. |
|
|
逐元素返回Tensor最接近的整数值。 |
|
|
Computes reciprocal of square root of input tensor element-wise. |
|
|
符号函数,计算输入Tensor元素的执行符号。 |
|
|
逐元素计算输入Tensor的正弦。 |
|
|
逐元素计算输入Tensor的双曲正弦。 |
|
|
逐元素计算输入Tensor的平方根。 |
|
|
计算输入Tensor的平方。 |
|
|
Subtracts the second input tensor from the first input tensor element-wise and returns square of it. |
|
|
计算输入Tensor的平方和。 |
|
|
逐元素用第一个输入Tensor减去第二个输入Tensor。 |
|
|
逐元素计算输入元素的正切值。 |
|
|
返回一个新的张量,该张量具有输入元素的截断整数值。 |
|
|
对于整数类型,将第一个输入Tensor与第二个输入Tensor逐元素相除。 |
|
|
逐元素取模。 |
|
|
将第一个输入Tensor除以第二个输入Tensor。 |
|
|
计算第一个输入Tensor乘以第二个输入Tensor的对数。 |
|
Reduction算子
接口名 |
概述 |
支持平台 |
返回输入Tensor在指定轴上的最大值索引。 |
|
|
在给定轴上计算输入Tensor的最大值,并且返回最大值和索引。 |
|
|
返回输入Tensor在指定轴上的最小值索引。 |
|
|
在给定轴上计算输入Tensor的最小值,并且返回最小值和索引。 |
|
|
默认情况下,通过对指定维度所有元素进行逻辑与运算以移除该维度。 |
|
|
默认情况下,通过对指定维度所有元素进行逻辑或运算来移除该维度。 |
|
|
默认情况下,使用指定维度的最大值代替该维度的其他元素,以移除该维度。 |
|
|
默认情况下,使用指定维度的平均值代替该维度的其他元素,以移除该维度。 |
|
|
默认情况下,使用指定维度的最小值代替该维度的其他元素,以移除该维度。 |
|
|
默认情况下,使用指定维度所有元素的乘积代替该维度的其他元素,以移除该维度。 |
|
|
默认情况下,输出Tensor各维度上的和,以达到对所有维度进行归约的目的。 |
|
比较算子
接口名 |
概述 |
支持平台 |
逐元素计算abs(x-y),如果小于tolerance则为True,否则为False。 |
|
|
Checks whether the data type and the shape of corresponding elements from tuples x and y are the same. |
|
|
逐元素比较两个输入Tensor是否相等。 |
|
|
Computes the number of the same elements of two tensors. |
|
|
按元素比较输入参数 \(x,y\) 的值,输出结果为bool值。 |
|
|
输入两个数据,逐元素比较第一个数据是否大于等于第二个数据。 |
|
|
判断目标标签是否在前 k 个预测中。 |
|
|
确定输入Tensor每个位置上的元素是否为有限数。 |
|
|
确定输入Tensor每个位置上的元素是否为无穷大或无穷小。 |
|
|
检查输入对象是否为目标类型的实例。 |
|
|
判断输入数据每个位置上的值是否是NaN。 |
|
|
检查输入类型是否为其他类型的子类。 |
|
|
逐元素计算 \(x < y\) ,返回为bool。 |
|
|
逐元素计算 \(x <= y\) 的bool值。 |
|
|
逐元素计算输入Tensor的最大值。 |
|
|
逐元素计算两个Tensor的最小值。 |
|
|
逐元素计算两个Tensor是否不相等。 |
|
|
Checks whether the data type and shape of two tensors are the same. |
|
|
沿最后一个维度查找 k 个最大元素和对应的索引。 |
|
线性代数算子
接口名 |
概述 |
支持平台 |
基于batch维度的两个Tensor的矩阵乘法。 |
|
|
返回输入Tensor与偏置Tensor之和。 |
|
|
计算两个一维Tensor的外积,即输入 x1 和输入 x2 的外积。 |
|
|
将矩阵 a 和矩阵 b 相乘。 |
|
|
计算输入矩阵的逆矩阵,如果输入矩阵不可逆,将产生错误或者返回一个未知结果。 |
|
Tensor操作算子
Tensor创建
接口名 |
概述 |
支持平台 |
创建一个与输入数据类型和shape都相同的Tensor,元素值为对应数据类型能表达的最小值。 |
|
|
创建一个主对角线上元素为1,其余元素为0的Tensor。 |
|
|
创建一个指定shape的Tensor,并用指定值填充。 |
|
|
返回一个在区间 start 和 stop (包括 start 和 stop )内均匀分布的,包含 num 个值的1维Tensor。 |
|
|
返回一个one-hot类型的Tensor。 |
|
|
创建一个值全为1的Tensor。 |
|
|
返回值为1的Tensor,shape和数据类型与输入相同。 |
|
|
创建一个值全为0的Tensor。 |
|
|
返回值为0的Tensor,其shape和数据类型与输入Tensor相同。 |
|
随机生成算子
接口名 |
概述 |
支持平台 |
根据概率密度函数分布生成随机正值浮点数x。 |
|
|
Returns a tensor sampled from the multinomial probability distribution located in the corresponding row of tensor input. |
|
|
从分类分布中抽取样本。 |
|
|
对输入进行随机取样,返回取样索引和掩码。 |
|
|
生成从0到n-1不重复的n个随机样本。 |
|
|
生成符合标准Laplace(mean=0, lambda=1)分布的随机数。 |
|
|
根据标准正态(高斯)随机数分布生成随机数。 |
|
|
根据均匀分布在区间 [minval, maxval) 中生成随机数。 |
|
|
产生随机的浮点数,均匀分布在[0,1)范围内。 |
|
Array操作
接口名 |
概述 |
支持平台 |
Divides batch dimension with blocks and interleaves these blocks back into spatial dimensions. |
|
|
用块划分批次维度,并将这些块交错回空间维度。 |
|
|
将输入shape广播到目标shape。 |
|
|
转换输入Tensor的数据类型。 |
|
|
在指定轴上拼接输入Tensor。 |
|
|
计算 x 沿着指定axis的元素累计积。 |
|
|
计算输入Tensor在指定轴上的累加和。 |
|
|
返回源数据格式中的目标数据格式的维度索引。 |
|
|
Rearrange blocks of depth data into spatial dimensions. |
|
|
计算输入Tensor的数据类型,且返回的数据类型为 mindspore.dtype 。 |
|
|
对输入 input_x 在给定的轴上添加额外维度。 |
|
|
Determines if the elements contain Not a Number(NaN), infinite or negative infinite. |
|
|
返回输入Tensor在指定 axis 上 input_indices 索引对应的元素组成的切片。 |
|
|
获取指定轴的元素。 |
|
|
根据索引获取输入Tensor指定位置上的元素。 |
|
|
Returns a rank 1 histogram counting the number of entries in values that fall into every bin. |
|
|
返回与输入具有相同shape和值的Tensor。 |
|
|
将Tensor y 加到Tensor x 的指定 axis 和 indices 。 |
|
|
将 input_v 添加到 x 的特定行。 |
|
|
从 x 的特定行减去 input_v 。 |
|
|
将 x 的特定行更新为 v 。 |
|
|
Computes the inverse of an index permutation. |
|
|
将掩码位置为True的位置填充指定的值。 |
|
|
返回一个一维张量,其中的内容是 x 张量中对应于 mask 张量中True位置的值。 |
|
|
从给定的Tensor生成网格矩阵。 |
|
|
Concats tensor in the first dimension. |
|
|
计算二进制数中1的个数。 |
|
|
返回从 start 开始,步长为 delta ,且不超过 limit (不包括 limit )的序列。 |
|
|
返回输入Tensor的秩。 |
|
|
基于给定的shape,对输入Tensor进行重新排列。 |
|
|
对输入序列进行部分反转。 |
|
|
对输入Tensor按指定维度反转。 |
|
|
根据指定的索引将更新值散布到新Tensor上。 |
|
|
根据条件判断Tensor中的元素的值,决定输出中的相应元素是从 x (如果元素值为True)还是从 y (如果元素值为False)中选择。 |
|
|
返回输入Tensor的shape。 |
|
|
返回一个Scalar,类型为整数,表示输入Tensor的大小,即Tensor中元素的总数。 |
|
|
根据指定shape对输入Tensor进行切片。 |
|
|
根据指定的轴对输入Tensor的元素进行排序。 |
|
|
将空间维度划分为对应大小的块,并在批次维度重排张量。 |
|
|
将空间维度分块,增加Tensor深度。 |
|
|
基于指定的索引和axis返回输入Tensor的切片。 |
|
|
根据指定的轴和分割数量对输入Tensor进行分割。 |
|
|
返回删除指定 axis 中大小为1的维度后的Tensor。 |
|
|
在指定轴上对输入Tensor序列进行堆叠。 |
|
|
对输入Tensor根据步长和索引进行切片提取。 |
|
|
根据指定的更新值和输入索引,进行加法运算更新输入Tensor的值。 |
|
|
根据指定的更新值和输入索引,进行除法运算更新输入Tensor的值。 |
|
|
根据指定的更新值和输入索引,通过最大值运算将结果赋值到输出Tensor中。 |
|
|
根据指定的更新值和输入索引,计算原值与更新值的较小值并更新原值,返回更新后的Tensor。 |
|
|
根据指定的更新值和输入索引,进行乘法运算更新输入Tensor的值。 |
|
|
根据指定的更新值和输入索引,进行减法运算更新输入Tensor的值。 |
|
|
根据指定的更新值和输入索引,通过更新操作更新输入Tensor的值。 |
|
|
返回输入Tensor的Shape。 |
|
|
按照给定的次数复制输入Tensor。 |
|
|
根据指定的排列对输入的Tensor进行数据重排。 |
|
|
Returns the unique elements of input tensor and also return a tensor containing the index of each value of input tensor corresponding to the output unique tensor. |
|
|
对输入一维张量中元素去重,返回一维张量中的唯一元素(使用pad_num填充)和相对索引。 |
|
|
沿分段计算输入Tensor的最大值。 |
|
|
沿分段计算输入Tensor的最小值。 |
|
|
沿分段计算输入Tensor元素的乘积。 |
|
|
沿分段计算输入Tensor元素的和。 |
|
|
根据指定轴对输入矩阵进行分解。 |
|
类型转换
接口名 |
概述 |
支持平台 |
Casts the input scalar to another type. |
|
|
将Scalar转换为 Tensor 。 |
|
|
将Scalar转换为指定数据类型的 Tensor 。 |
|
|
将tuple转换为Tensor。 |
|
Parameter操作算子
接口名 |
概述 |
支持平台 |
为网络参数赋值。 |
|
|
进行加法运算更新网络参数。 |
|
|
从网络参数减去特定数值来更新网络参数。 |
|
|
根据指定更新值和输入索引通过加法运算更新输入数据的值。 |
|
|
根据指定更新值和输入索引通过除法运算更新输入数据的值。 |
|
|
根据指定更新值和输入索引通过最大值运算更新输入数据的值。 |
|
|
根据指定更新值和输入索引通过最小值运算更新输入数据的值。 |
|
|
根据指定更新值和输入索引通过乘法运算更新输入数据的值。 |
|
|
使用给定值通过加法运算和输入索引更新Tensor值。 |
|
|
使用给定值通过减法运算和输入索引更新Tensor值。 |
|
|
使用给定值以及输入索引更新输入数据的值。 |
|
|
使用给定值通过加法操作和输入索引来更新Tensor值。 |
|
|
使用给定更新值通过减法操作和输入索引来更新Tensor值。 |
|
|
使用给定的更新值和输入索引更新输入Tensor的值。 |
|
数据操作算子
接口名 |
概述 |
支持平台 |
返回数据集队列中的下一个元素。 |
|
通信算子
注意,以下列表中的接口需要先配置好通信环境变量。
针对Ascend设备,用户需要准备rank表,设置rank_id和device_id,详见 Ascend指导文档 。
针对GPU设备,用户需要准备host文件和mpi,详见 GPU指导文档 。
接口名 |
概述 |
支持平台 |
在指定的通信组中汇聚Tensor。 |
|
|
使用指定方式对通信组内的所有设备的Tensor数据进行规约操作,所有设备都得到相同的结果。 |
|
|
AlltoAll is a collective operation. |
|
|
对输入数据整组广播。 |
|
|
NeighborExchange is a collective operation. |
|
|
NeighborExchangeV2 is a collective operation. |
|
|
Operation options for reducing tensors. |
|
|
Reduces and scatters tensors from the specified communication group. |
|
调试算子
接口名 |
概述 |
支持平台 |
Outputs the tensor to protocol buffer through histogram summary operator. |
|
|
Outputs the image tensor to protocol buffer through image summary operator. |
|
|
Outputs a scalar to a protocol buffer through a scalar summary operator. |
|
|
Outputs a tensor to a protocol buffer through a tensor summary operator. |
|
|
将输入数据进行打印输出。 |
|
|
Allocates a flag to store the overflow status. |
|
|
Clears the flag which stores the overflow status. |
|
|
Updates the flag which is the output tensor of NPUAllocFloatStatus with the latest overflow status. |
|
稀疏算子
接口名 |
概述 |
支持平台 |
Multiplies sparse matrix A by dense matrix B. |
|
|
Converts a sparse representation into a dense tensor. |
|
框架算子
接口名 |
概述 |
支持平台 |
用来处理操作间的依赖关系。 |
|
|
一个高阶函数,为输入函数生成梯度函数。 |
|
|
This operation is used as a tag to hook gradient in intermediate variables. |
|
|
对输入序列做集合运算。 |
|
|
为图节点附加回调函数,将在梯度计算时被调用。 |
|
|
Map will apply the set operation on input sequences. |
|
|
Generates overloaded functions. |
|
|
Makes a partial function instance. |
|
算子信息注册
Class for AiCPU operator information register. |
|
用于为 |
|
Ascend算子的dtype和format的多种组合。 |
|
注册TBE算子信息的类。 |
|
通过Primitive对象或Primitive名称,获取虚拟实现函数。 |
自定义算子
Custom 算子是MindSpore自定义算子的统一接口。 |