mindspore.ops.function

神经网络层函数

神经网络

接口名

概述

支持平台

mindspore.ops.adaptive_avg_pool2d

二维自适应平均池化。

GPU

mindspore.ops.adaptive_avg_pool3d

三维自适应平均池化。

GPU

mindspore.ops.avg_pool2d

对输入的多维数据进行二维平均池化运算。

Ascend GPU CPU

mindspore.ops.bias_add

返回输入Tensor与偏置Tensor之和。

Ascend GPU CPU

mindspore.ops.conv2d

二维卷积层。

Ascend GPU CPU

mindspore.ops.ctc_greedy_decoder

对输入中给定的logits执行贪婪解码。

Ascend CPU

mindspore.ops.deformable_conv2d

给定4D的Tensor输入 xweightoffsets ,计算一个2D的可变形卷积。

Ascend GPU CPU

mindspore.ops.dropout2d

在训练期间,以服从伯努利分布的概率 p 随机将输入Tensor的某些通道归零。

Ascend GPU CPU

mindspore.ops.dropout3d

在训练期间,以服从伯努利分布的概率 p 随机将输入Tensor的某些通道归零。

Ascend GPU CPU

mindspore.ops.flatten

扁平化(Flatten)输入Tensor,不改变0轴的size。

Ascend GPU CPU

mindspore.ops.interpolate

使用 mode 设置的插值方式调整输入 x 大小。

Ascend CPU GPU

mindspore.ops.lrn

局部响应归一化操作LRN(Local Response Normalization)。

Ascend GPU CPU

mindspore.ops.max_pool3d

三维最大值池化。

GPU

mindspore.ops.kl_div

计算输入 logitslabels 的KL散度。

Ascend GPU CPU

mindspore.ops.pad

根据参数 paddings 对输入进行填充。

Ascend GPU CPU

mindspore.ops.padding

通过填充0,将输入张量的最后一个维度从1扩展到指定大小。

Ascend GPU CPU

损失函数

接口名

概述

支持平台

mindspore.ops.binary_cross_entropy_with_logits

输入经过sigmoid激活函数后作为预测值,binary_cross_entropy_with_logits 计算预测值和目标值之间的二值交叉熵损失。

Ascend GPU CPU

mindspore.ops.cross_entropy

获取预测值和目标值之间的交叉熵损失。

Ascend GPU CPU

mindspore.ops.nll_loss

获取预测值和目标值之间的负对数似然损失。

Ascend GPU CPU

mindspore.ops.smooth_l1_loss

计算平滑L1损失,该L1损失函数有稳健性。

Ascend GPU CPU

激活函数

接口名

概述

支持平台

mindspore.ops.dropout

在训练期间,以服从伯努利分布的概率 p 随机将输入Tensor的某些值归零,起到减少神经元相关性的作用,避免过拟合。

Ascend GPU CPU

mindspore.ops.fast_gelu

快速高斯误差线性单元激活函数。

Ascend GPU CPU

mindspore.ops.gumbel_softmax

返回Gumbel-Softmax分布的Tensor,在 hard = True 的时候,返回one-hot形式的离散型Tensor,hard = False 时返回在dim维进行过softmax的Tensor。

Ascend GPU CPU

mindspore.ops.hardshrink

Hard Shrink激活函数,按输入元素计算输出。

Ascend GPU CPU

mindspore.ops.hardswish

Hard Swish激活函数。

Ascend GPU CPU

mindspore.ops.log_softmax

LogSoftmax激活函数。

Ascend GPU CPU

mindspore.ops.mish

逐元素计算输入Tensor的MISH(Self Regularized Non-Monotonic Neural Activation Function 自正则化非单调神经激活函数)。

Ascend GPU CPU

mindspore.ops.selu

激活函数selu(Scaled exponential Linear Unit)。

Ascend GPU CPU

mindspore.ops.soft_shrink

Soft Shrink激活函数,按输入元素计算输出。

Ascend CPU GPU

mindspore.ops.softsign

Softsign激活函数。

Ascend GPU CPU

mindspore.ops.softmax

Softmax函数。

Ascend GPU CPU

mindspore.ops.tanh

Tanh激活函数。

Ascend GPU CPU

采样函数

接口名

概述

支持平台

mindspore.ops.grid_sample

给定一个输入和一个网格,使用网格中的输入值和像素位置计算输出。

Ascend GPU

mindspore.ops.uniform_candidate_sampler

使用均匀分布对一组类别进行采样。

Ascend GPU CPU

距离函数

接口名

概述

支持平台

mindspore.ops.cdist

批量计算两个Tensor每一批次所有向量两两之间的p-范数距离。

Ascend CPU

图像函数

接口名

概述

支持平台

mindspore.ops.iou

计算矩形的IOU,即真实区域和预测区域的交并比。

Ascend GPU CPU

逐元素运算

接口名

概述

支持平台

mindspore.ops.abs

Returns absolute value of a tensor element-wise.

Ascend GPU CPU

mindspore.ops.acos

Computes arccosine of input tensors element-wise.

Ascend GPU CPU

mindspore.ops.acosh

Computes inverse hyperbolic cosine of the inputs element-wise.

Ascend GPU CPU

mindspore.ops.add

两个输入Tensor逐元素相加。

Ascend GPU CPU

mindspore.ops.addcdiv

Performs the element-wise division of tensor x1 by tensor x2, multiply the result by the scalar value and add it to input_data.

Ascend GPU CPU

mindspore.ops.addcmul

Performs the element-wise product of tensor x1 and tensor x2, multiply the result by the scalar value and add it to input_data.

Ascend GPU

mindspore.ops.addn

逐元素将所有输入的Tensor相加。

Ascend GPU CPU

mindspore.ops.asin

Computes arcsine of input tensors element-wise.

Ascend GPU CPU

mindspore.ops.asinh

Computes inverse hyperbolic sine of the input element-wise.

Ascend GPU CPU

mindspore.ops.atan

Computes the trigonometric inverse tangent of the input element-wise.

Ascend GPU CPU

mindspore.ops.atan2

逐元素计算x/y的反正切值。

Ascend CPU GPU

mindspore.ops.atanh

Computes inverse hyperbolic tangent of the input element-wise.

Ascend GPU CPU

mindspore.ops.bernoulli

以p的概率随机将输出的元素设置为0或1,服从伯努利分布。

GPU

mindspore.ops.bessel_i0

逐元素计算并返回输入Tensor的Bessel i0函数值。

GPU CPU

mindspore.ops.bessel_i0e

逐元素计算并返回输入Tensor的Bessel i0e函数值。

Ascend GPU CPU

mindspore.ops.bessel_i1

逐元素计算并返回输入Tensor的Bessel i1函数值。

GPU CPU

mindspore.ops.bessel_i1e

逐元素计算并返回输入Tensor的Bessel i1e函数值。

Ascend GPU CPU

mindspore.ops.bessel_j0

逐元素计算并返回输入Tensor的Bessel j0函数值。

GPU CPU

mindspore.ops.bessel_j1

逐元素计算并返回输入Tensor的Bessel j1函数值。

GPU CPU

mindspore.ops.bessel_k0

逐元素计算并返回输入Tensor的Bessel k0函数值。

GPU CPU

mindspore.ops.bessel_k0e

逐元素计算并返回输入Tensor的Bessel k0e函数值。

GPU CPU

mindspore.ops.bessel_k1

逐元素计算并返回输入Tensor的Bessel k1函数值。

GPU CPU

mindspore.ops.bessel_k1e

逐元素计算并返回输入Tensor的Bessel k1e函数值。

GPU CPU

mindspore.ops.bessel_y0

逐元素计算并返回输入Tensor的Bessel y0函数值。

GPU CPU

mindspore.ops.bessel_y1

逐元素计算并返回输入Tensor的Bessel y1函数值。

GPU CPU

mindspore.ops.bitwise_and

逐元素执行两个Tensor的与运算。

Ascend GPU CPU

mindspore.ops.bitwise_or

逐元素执行两个Tensor的或运算。

Ascend GPU CPU

mindspore.ops.bitwise_xor

逐元素执行两个Tensor的异或运算。

Ascend GPU CPU

mindspore.ops.ceil

向上取整函数。

Ascend GPU CPU

mindspore.ops.cos

Computes cosine of input element-wise.

Ascend GPU CPU

mindspore.ops.cosh

逐元素计算 x 的双曲余弦值。

Ascend GPU CPU

mindspore.ops.div

Divides the first input tensor by the second input tensor in floating-point type element-wise.

Ascend GPU CPU

mindspore.ops.erf

逐元素计算 x 的高斯误差函数。

Ascend GPU CPU

mindspore.ops.erfc

逐元素计算 x 的互补误差函数。

Ascend GPU CPU

mindspore.ops.exp

逐元素计算 x 的指数。

Ascend GPU CPU

mindspore.ops.expm1

Returns exponential then minus 1 of a tensor element-wise.

Ascend GPU CPU

mindspore.ops.floor

逐元素向下取整函数。

Ascend GPU CPU

mindspore.ops.floor_div

Divides the first input tensor by the second input tensor element-wise and round down to the closest integer.

Ascend GPU CPU

mindspore.ops.floor_mod

Computes the remainder of division element-wise.

Ascend GPU CPU

mindspore.ops.inv

逐元素计算输入Tensor的倒数。

Ascend GPU CPU

mindspore.ops.invert

对输入逐元素按位翻转。

Ascend GPU CPU

mindspore.ops.lerp

基于权重参数计算两个Tensor之间的线性插值。

Ascend GPU CPU

mindspore.ops.log

逐元素返回Tensor的自然对数。

Ascend GPU CPU

mindspore.ops.log1p

对输入Tensor逐元素加一后计算自然对数。

Ascend GPU CPU

mindspore.ops.logical_and

Computes the "logical AND" of two tensors element-wise.

Ascend GPU CPU

mindspore.ops.logical_not

Computes the "logical NOT" of a tensor element-wise.

Ascend GPU CPU

mindspore.ops.logical_or

Computes the "logical OR" of two tensors element-wise.

Ascend GPU CPU

mindspore.ops.mul

两个Tensor逐元素相乘。

Ascend GPU CPU

mindspore.ops.neg

计算输入x的相反数并返回。

Ascend GPU CPU

mindspore.ops.pow

计算 x 中每个元素的 y 次幂。

Ascend GPU CPU

mindspore.ops.round

对输入数据进行四舍五入到最接近的整数数值。

Ascend GPU CPU

mindspore.ops.sin

Computes sine of the input element-wise.

Ascend GPU CPU

mindspore.ops.sinh

Computes hyperbolic sine of the input element-wise.

Ascend GPU CPU

mindspore.ops.square

逐元素返回Tensor的平方。

Ascend GPU CPU

mindspore.ops.sub

逐元素用第一个输入Tensor减去第二个输入Tensor。

Ascend GPU CPU

mindspore.ops.tan

计算输入元素的正切值。

Ascend CPU GPU

mindspore.ops.trunc

返回一个新的张量,该张量具有输入元素的截断整数值。

Ascend GPU CPU

mindspore.ops.truncate_div

对于整数类型,将第一个输入Tensor与第二个输入Tensor逐元素相除。

Ascend CPU GPU

mindspore.ops.truncate_mod

逐元素取模。

Ascend CPU GPU

mindspore.ops.xdivy

将第一个输入Tensor除以第二个输入Tensor。

Ascend GPU CPU

mindspore.ops.xlogy

计算第一个输入Tensor乘以第二个输入Tensor的对数。

Ascend GPU CPU

Reduction函数

接口名

概述

支持平台

mindspore.ops.amax

Reduces a dimension of a tensor by the maximum value in this dimension, by default.

Ascend GPU CPU

mindspore.ops.amin

Reduces a dimension of a tensor by the minimum value in the dimension, by default.

Ascend GPU CPU

mindspore.ops.argmin

返回输入Tensor在指定轴上的最小值索引。

Ascend GPU CPU

mindspore.ops.cummax

返回一个元组(最值、索引),其中最值是输入张量 x 沿维度 axis 的累积最大值,索引是每个最大值的索引位置。

GPU CPU

mindspore.ops.cummin

返回一个元组(最值、索引),其中最值是输入张量 x 沿维度 axis 的累积最小值,索引是每个最小值的索引位置。

Ascend GPU CPU

mindspore.ops.logsumexp

求Tensor的对数指数和。

Ascend GPU CPU

mindspore.ops.max

根据指定的索引计算最大值,并返回索引和值。

Ascend GPU CPU

mindspore.ops.mean

Reduces a dimension of a tensor by averaging all elements in the dimension, by default.

Ascend GPU CPU

mindspore.ops.min

根据指定的索引计算最小值,并返回索引和值。

Ascend GPU CPU

mindspore.ops.norm

返回给定Tensor的矩阵范数或向量范数。

Ascend GPU CPU

mindspore.ops.prod

默认情况下,使用指定维度的所有元素的乘积代替该维度的其他元素,以移除该维度。

Ascend GPU CPU

mindspore.ops.std

默认情况下,输出Tensor各维度上的标准差与均值,也可以对指定维度求标准差与均值。

Ascend CPU

function

Description

mindspore.ops.reduce_sum

Refer to mindspore.ops.ReduceSum.

比较函数

接口名

概述

支持平台

mindspore.ops.approximate_equal

Returns True if abs(x-y) is smaller than tolerance element-wise, otherwise False.

Ascend GPU CPU

mindspore.ops.equal

逐元素比较两个输入Tensor是否相等。

Ascend GPU CPU

mindspore.ops.ge

输入两个数据,逐元素比较第一个数据是否大于等于第二个数据。

Ascend GPU CPU

mindspore.ops.gt

按元素比较输入参数 \(x,y\) 的值,输出结果为bool值。

Ascend GPU CPU

mindspore.ops.intopk

判断目标标签是否在前 k 个预测中。

Ascend GPU CPU

mindspore.ops.isclose

返回一个布尔型Tensor,表示 x1 的每个元素与 x2 的对应元素在给定容忍度内是否“接近”。

Ascend GPU CPU

mindspore.ops.isfinite

判断输入数据每个位置上的值是否是有限数。

Ascend GPU CPU

mindspore.ops.isnan

判断输入数据每个位置上的值是否是Nan。

Ascend GPU CPU

mindspore.ops.le

逐元素计算 \(x <= y\) 的bool值。

Ascend GPU CPU

mindspore.ops.less

Computes the boolean value of \(x < y\) element-wise.

Ascend GPU CPU

mindspore.ops.maximum

逐元素计算两个输入Tensor中的最大值。

Ascend GPU CPU

mindspore.ops.minimum

逐元素计算两个输入Tensor中的最小值。

Ascend GPU CPU

mindspore.ops.ne

计算两个Tensor是否不相等。

Ascend GPU CPU

mindspore.ops.same_type_shape

Checks whether the data type and shape of two tensors are the same.

Ascend GPU CPU

function

Description

mindspore.ops.check_bprop

Refer to mindspore.ops.CheckBprop.

mindspore.ops.isinstance_

Refer to mindspore.ops.IsInstance.

mindspore.ops.issubclass_

Refer to mindspore.ops.IsSubClass.

线性代数函数

接口名

概述

支持平台

mindspore.ops.batch_dot

当输入的两个Tensor是批量数据时,对其进行批量点积操作。

Ascend GPU CPU

mindspore.ops.dot

两个Tensor之间的点积。

Ascend GPU CPU

mindspore.ops.matmul

计算两个数组的乘积。

Ascend GPU CPU

mindspore.ops.matrix_solve

求解线性方程组。

GPU CPU

mindspore.ops.ger

计算输入一维Tensor x1x2 的外积。

Ascend GPU CPU

mindspore.ops.renorm

沿维度 dim 重新规范输入 input_x 的子张量,并且每个子张量的p范数不超过给定的最大范数 maxnorm

Ascend CPU GPU

mindspore.ops.tensor_dot

在指定轴上对Tensor ab 进行点乘操作。

Ascend GPU CPU

Tensor操作函数

Tensor创建

接口名

概述

支持平台

mindspore.ops.eye

创建一个主对角线上元素为1,其余元素为0的Tensor。

Ascend GPU CPU

mindspore.ops.fill

创建一个指定shape的Tensor,并用指定值填充。

Ascend GPU CPU

mindspore.ops.linspace

返回一个在区间 startstop (包括 startstop )内均匀分布的,包含 num 个值的1维Tensor。

Ascend GPU CPU

mindspore.ops.narrow

Returns a narrowed tensor from input tensor.

Ascend GPU CPU

mindspore.ops.one_hot

返回一个one-hot类型的Tensor。

Ascend GPU CPU

mindspore.ops.ones

创建一个值全为1的Tensor。

Ascend GPU CPU

mindspore.ops.ones_like

返回值为1的Tensor,shape和数据类型与输入相同。

Ascend GPU CPU

随机生成函数

接口名

概述

支持平台

mindspore.ops.gamma

根据伽马分布生成随机数。

Ascend

mindspore.ops.laplace

Generates random numbers according to the Laplace random number distribution.

Ascend

mindspore.ops.multinomial

Returns a tensor sampled from the multinomial probability distribution located in the corresponding row of the input tensor.

GPU

mindspore.ops.poisson

The ops.poisson is deprecated, please use mindspore.ops.random_poisson Generates random numbers according to the Poisson random number distribution.

弃用

mindspore.ops.random_poisson

从各指定均值的泊松分布中,随机采样 shape 形状的随机数。

CPU

mindspore.ops.random_categorical

从分类分布中抽取样本。

Ascend GPU CPU

mindspore.ops.random_gamma

根据伽马分布产生成随机数。

CPU

mindspore.ops.standard_laplace

生成符合标准Laplace(mean=0, lambda=1)分布的随机数。

Ascend GPU CPU

mindspore.ops.standard_normal

根据标准正态(高斯)随机数分布生成随机数。

Ascend GPU CPU

mindspore.ops.uniform

生成服从均匀分布的随机数。

Ascend GPU CPU

Array操作

接口名

概述

支持平台

mindspore.ops.adaptive_max_pool2d

二维自适应最大池化运算。

Ascend GPU CPU

mindspore.ops.batch_to_space_nd

用块划分批次维度,并将这些块交错回空间维度。

Ascend CPU

mindspore.ops.broadcast_to

将输入shape广播到目标shape。

Ascend GPU CPU

mindspore.ops.col2im

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

GPU

mindspore.ops.concat

在指定轴上拼接输入Tensor。

Ascend GPU CPU

mindspore.ops.count_nonzero

Count number of nonzero elements across axis of input tensor

Ascend GPU CPU

mindspore.ops.diag

用给定的对角线值构造对角线张量。

Ascend GPU

mindspore.ops.expand_dims

对输入 input_x 在给定的轴上添加额外维度。

Ascend GPU CPU

mindspore.ops.gather

返回输入Tensor在指定 axisinput_indices 索引对应的元素组成的切片。

Ascend GPU CPU

mindspore.ops.gather_d

获取指定轴的元素。

Ascend GPU CPU

mindspore.ops.gather_elements

获取指定轴的元素。

Ascend GPU CPU

mindspore.ops.gather_nd

根据索引获取输入Tensor指定位置上的元素。

Ascend GPU CPU

mindspore.ops.index_add

将Tensor y 加到Parameter x 的指定 axis 轴的指定 indices 位置。

Ascend GPU CPU

mindspore.ops.index_fill

index 中给定的顺序选择索引,将输入 value 值填充到输入Tensor x 的所有 dim 维元素。

GPU

mindspore.ops.inplace_add

根据 indices,将 x 中的对应位置加上 v

Ascend CPU

mindspore.ops.inplace_sub

v 依照索引 indicesx 中减去。

Ascend CPU

mindspore.ops.inplace_update

根据 indices,将 x 中的某些值更新为 v

Ascend GPU CPU

mindspore.ops.masked_fill

将掩码位置为True的位置填充指定的值。

Ascend GPU CPU

mindspore.ops.masked_select

返回一个一维张量,其中的内容是 x 张量中对应于 mask 张量中True位置的值。

Ascend GPU CPU

mindspore.ops.matrix_band_part

将矩阵的每个中心带外的所有位置设置为0。

GPU CPU

mindspore.ops.matrix_diag

返回一个Tensor,其k[0]到k[1]的对角线特定为给定对角线Tensor,其余值均填充为 padding_value

Ascend GPU CPU

mindspore.ops.matrix_diag_part

返回输入Tensor的对角线部分。

Ascend GPU CPU

mindspore.ops.matrix_set_diag

返回具有新的对角线值的批处理矩阵张量。

Ascend GPU CPU

mindspore.ops.meshgrid

从给定的Tensor生成网格矩阵。

Ascend CPU GPU

mindspore.ops.normal

根据正态(高斯)随机数分布生成随机数。

Ascend GPU CPU

mindspore.ops.nonzero

计算x中非零元素的下标。

GPU

mindspore.ops.population_count

逐元素计算population count(又称bitsum, bitcount)。

Ascend GPU CPU

mindspore.ops.range

返回从 start 开始,步长为 delta ,且不超过 limit (不包括 limit )的序列。

GPU CPU

mindspore.ops.rank

Returns the rank of a tensor.

Ascend GPU CPU

mindspore.ops.repeat_elements

在指定轴上复制输入Tensor的元素,类似 np.repeat 的功能。

Ascend GPU CPU

mindspore.ops.reshape

基于给定的shape,对输入Tensor进行重新排列。

Ascend GPU CPU

mindspore.ops.reverse_sequence

对输入序列进行部分反转。

Ascend GPU CPU

mindspore.ops.scatter_nd

根据指定的索引将更新值散布到新Tensor上。

Ascend GPU CPU

mindspore.ops.select

根据条件判断Tensor中的元素的值来,决定输出中的相应元素是从 x (如果元素值为True)还是从 y (如果元素值为False)中选择。

Ascend GPU CPU

mindspore.ops.sequence_mask

返回一个表示每个单元的前N个位置的掩码Tensor。

GPU

mindspore.ops.shape

Returns the shape of the input tensor.

Ascend GPU CPU

mindspore.ops.size

返回一个Scalar,类型为整数,表示输入Tensor的大小,即Tensor中元素的总数。

Ascend GPU CPU

mindspore.ops.slice

根据指定shape对输入Tensor进行切片。

Ascend GPU CPU

mindspore.ops.space_to_batch_nd

将空间维度划分为对应大小的块,然后在批次维度重排张量。

Ascend CPU

mindspore.ops.sparse_segment_mean

计算输出Tensor \(output_i = \frac{\sum_j x_{indices[j]}}{N}\) ,其中平均是对所有满足 \(segment\_ids[j] == i\) 的元素, \(N\) 表示相加的元素个数。

GPU CPU

mindspore.ops.split

根据指定的轴和分割数量对输入Tensor进行分割。

Ascend GPU CPU

mindspore.ops.squeeze

返回删除指定 axis 中大小为1的维度后的Tensor。

Ascend GPU CPU

mindspore.ops.stack

在指定轴上对输入Tensor序列进行堆叠。

Ascend GPU CPU

mindspore.ops.tensor_scatter_add

根据指定的更新值和输入索引,通过相加运算更新输入Tensor的值。

Ascend GPU CPU

mindspore.ops.tensor_scatter_div

根据索引,通过相除运算得到输出Tensor的值。

GPU CPU

mindspore.ops.tensor_scatter_mul

根据索引,通过乘法运算得到输出Tensor的值。

GPU CPU

mindspore.ops.tensor_scatter_sub

根据指定的更新值和输入索引,通过减法进行运算,将结果赋值到输出Tensor中。

Ascend GPU CPU

mindspore.ops.tensor_scatter_elements

根据索引逐元素更新输入Tensor的值。

Ascend GPU CPU

mindspore.ops.tile

按照给定的次数复制输入Tensor。

Ascend GPU CPU

mindspore.ops.top_k

沿最后一个维度查找 k 个最大元素和对应的索引。

Ascend GPU CPU

mindspore.ops.transpose

根据指定的排列对输入的Tensor进行数据重排。

Ascend GPU CPU

mindspore.ops.unique

对输入Tensor中元素去重,并返回一个索引Tensor,包含输入Tensor中的元素在输出Tensor中的索引。

Ascend GPU CPU

mindspore.ops.unique_consecutive

对输入张量中连续且重复的元素去重。

Ascend GPU

mindspore.ops.unique_with_pad

对输入一维张量中元素去重,返回一维张量中的唯一元素(使用pad_num填充)和相对索引。

Ascend GPU CPU

mindspore.ops.unsorted_segment_max

沿分段计算输入Tensor的最大值。

Ascend GPU CPU

mindspore.ops.unsorted_segment_min

沿分段计算输入Tensor的最小值。

Ascend GPU CPU

mindspore.ops.unsorted_segment_prod

沿分段计算输入Tensor元素的乘积。

Ascend GPU CPU

mindspore.ops.unsorted_segment_sum

沿分段计算输入Tensor元素的和。

Ascend GPU CPU

mindspore.ops.unstack

根据指定轴对输入矩阵进行分解。

Ascend GPU CPU

function

Description

mindspore.ops.cast

Refer to mindspore.ops.Cast.

mindspore.ops.cumprod

Refer to mindspore.ops.CumProd.

mindspore.ops.cumsum

Refer to mindspore.ops.CumSum.

mindspore.ops.dtype

Refer to mindspore.ops.DType.

mindspore.ops.sort

Refer to mindspore.ops.Sort.

mindspore.ops.strided_slice

Refer to mindspore.ops.StridedSlice.

mindspore.ops.tensor_scatter_update

Refer to mindspore.ops.TensorScatterUpdate.

类型转换

接口名

概述

支持平台

mindspore.ops.scalar_cast

Casts the input scalar to another type.

Ascend GPU CPU

mindspore.ops.scalar_to_array

将Scalar转换为 Tensor

Ascend GPU CPU

mindspore.ops.scalar_to_tensor

将Scalar转换为指定数据类型的 Tensor

Ascend GPU CPU

mindspore.ops.tuple_to_array

将tuple转换为Tensor。

Ascend GPU CPU

稀疏函数

接口名

概述

支持平台

mindspore.ops.dense_to_sparse_coo

将常规Tensor转为稀疏化的COOTensor。

GPU

mindspore.ops.dense_to_sparse_csr

将常规Tensor转为稀疏化的CSRTensor。

GPU

mindspore.ops.csr_to_coo

将一个CSRTensor转化成一个COOTensor。

Ascend GPU CPU

梯度剪裁

接口名

概述

支持平台

mindspore.ops.clip_by_global_norm

通过权重梯度总和的比率来裁剪多个Tensor的值。

Ascend GPU CPU

mindspore.ops.clip_by_value

将输入Tensor值裁剪到指定的最小值和最大值之间。

Ascend GPU CPU

Parameter操作函数

接口名

概述

支持平台

mindspore.ops.assign

Assigns Parameter with a value.

Ascend GPU CPU

mindspore.ops.assign_add

Updates a Parameter by adding a value to it.

Ascend GPU CPU

mindspore.ops.assign_sub

从网络参数减去特定数值来更新网络参数。

Ascend GPU CPU

mindspore.ops.scatter_add

根据指定的更新值和输入索引,进行加法运算更新输入Tensor的值,返回更新后的Tensor。

Ascend GPU CPU

mindspore.ops.scatter_div

根据指定更新值和输入索引通过除法运算更新输入数据的值。

Ascend GPU CPU

mindspore.ops.scatter_max

根据指定更新值和输入索引通过最大值运算更新输入数据的值。

Ascend CPU GPU

mindspore.ops.scatter_min

根据指定更新值和输入索引通过最小值运算更新输入数据的值。

Ascend GPU CPU

mindspore.ops.scatter_mul

根据指定更新值和输入索引通过乘法运算更新输入数据的值。

Ascend GPU CPU

mindspore.ops.scatter_nd_add

将sparse addition应用于张量中的单个值或切片。

Ascend GPU CPU

mindspore.ops.scatter_nd_div

将sparse division应用于张量中的单个值或切片。

GPU CPU

mindspore.ops.scatter_nd_max

对张量中的单个值或切片应用sparse maximum。

Ascend GPU CPU

mindspore.ops.scatter_nd_min

对张量中的单个值或切片应用sparse minimum。

Ascend GPU CPU

mindspore.ops.scatter_nd_mul

使用给定值通过乘法运算和输入索引更新Parameter值。

GPU CPU

mindspore.ops.scatter_nd_sub

使用给定值通过减法运算和输入索引更新Tensor值。

Ascend GPU CPU

mindspore.ops.scatter_update

使用给定的更新值和输入索引更新输入Tensor的值。

Ascend GPU CPU

微分函数

接口名

概述

支持平台

mindspore.ops.derivative

计算函数或网络输出对输入的高阶微分。

Ascend GPU CPU

mindspore.ops.grad

生成求导函数,用于计算给定函数的梯度。

Ascend GPU CPU

mindspore.ops.value_and_grad

生成求导函数,用于计算给定函数的正向计算结果和梯度。

Ascend GPU CPU

mindspore.ops.jet

计算函数或网络输出对输入的高阶微分。

Ascend GPU CPU

mindspore.ops.jvp

计算给定网络的雅可比向量积(Jacobian-vector product, JVP)。

Ascend GPU CPU

mindspore.ops.vjp

计算给定网络的向量雅可比积(vector-jacobian-product, VJP)。

Ascend GPU CPU

mindspore.ops.vmap

自动向量化(Vectorizing Map,vmap),是一种用于沿参数轴映射函数 fn 的高阶函数。

Ascend GPU CPU

其他函数

function

Description

mindspore.ops.bool_and

Calculate the result of logical AND operation. (Usage is the same as “and” in Python)

mindspore.ops.bool_eq

Determine whether the Boolean values are equal. (Usage is the same as “==” in Python)

mindspore.ops.bool_not

Calculate the result of logical NOT operation. (Usage is the same as “not” in Python)

mindspore.ops.bool_or

Calculate the result of logical OR operation. (Usage is the same as “or” in Python)

mindspore.ops.depend

Refer to mindspore.ops.Depend.

mindspore.ops.in_dict

Determine if a str in dict.

mindspore.ops.is_not

Determine whether the input is not the same as the other one. (Usage is the same as “is not” in Python)

mindspore.ops.is_

Determine whether the input is the same as the other one. (Usage is the same as “is” in Python)

mindspore.ops.isconstant

Determine whether the object is constant.

mindspore.ops.not_in_dict

Determine whether the object is not in the dict.

mindspore.ops.partial

Refer to mindspore.ops.Partial.

mindspore.ops.scalar_add

Get the sum of two numbers. (Usage is the same as “+” in Python)

mindspore.ops.scalar_div

Get the quotient of dividing the first input number by the second input number. (Usage is the same as “/” in Python)

mindspore.ops.scalar_eq

Determine whether two numbers are equal. (Usage is the same as “==” in Python)

mindspore.ops.scalar_floordiv

Divide the first input number by the second input number and round down to the closest integer. (Usage is the same as “//” in Python)

mindspore.ops.scalar_ge

Determine whether the number is greater than or equal to another number. (Usage is the same as “>=” in Python)

mindspore.ops.scalar_gt

Determine whether the number is greater than another number. (Usage is the same as “>” in Python)

mindspore.ops.scalar_le

Determine whether the number is less than or equal to another number. (Usage is the same as “<=” in Python)

mindspore.ops.scalar_log

Get the natural logarithm of the input number.

mindspore.ops.scalar_lt

Determine whether the number is less than another number. (Usage is the same as “<” in Python)

mindspore.ops.scalar_mod

Get the remainder of dividing the first input number by the second input number. (Usage is the same as “%” in Python)

mindspore.ops.scalar_mul

Get the product of the input two numbers. (Usage is the same as “*” in Python)

mindspore.ops.scalar_ne

Determine whether two numbers are not equal. (Usage is the same as “!=” in Python)

mindspore.ops.scalar_pow

Compute a number to the power of the second input number.

mindspore.ops.scalar_sub

Subtract the second input number from the first input number. (Usage is the same as “-” in Python)

mindspore.ops.scalar_uadd

Get the positive value of the input number.

mindspore.ops.scalar_usub

Get the negative value of the input number.

mindspore.ops.shape_mul

The input of shape_mul must be shape multiply elements in tuple(shape).

mindspore.ops.stop_gradient

Disable update during back propagation. (stop_gradient)

mindspore.ops.string_concat

Concatenate two strings.

mindspore.ops.string_eq

Determine if two strings are equal.

mindspore.ops.typeof

Get type of object.

接口名

概述

支持平台

mindspore.ops.core

A decorator that adds a flag to the function.

Ascend GPU CPU