mindspore.ops

Operators can be used in the construct function of Cell.

Examples

>>> import mindspore.ops as ops

operations

The Primitive operators in operations need to be instantiated before being used.

Neural Network Operators

API Name

Description

Supported Platforms

mindspore.ops.Acosh

Computes inverse hyperbolic cosine of the input element-wise.

Ascend GPU

mindspore.ops.Adam

Updates gradients by the Adaptive Moment Estimation (Adam) algorithm.

Ascend GPU

mindspore.ops.AdamNoUpdateParam

Updates gradients by Adaptive Moment Estimation (Adam) algorithm.

CPU

mindspore.ops.ApplyAdadelta

Updates relevant entries according to the adadelta scheme.

Ascend

mindspore.ops.ApplyAdagrad

Updates relevant entries according to the adagrad scheme.

Ascend CPU GPU

mindspore.ops.ApplyAdagradV2

Updates relevant entries according to the adagradv2 scheme.

Ascend

mindspore.ops.ApplyAdaMax

Updates relevant entries according to the adamax scheme.

Ascend

mindspore.ops.ApplyAddSign

Updates relevant entries according to the AddSign algorithm.

Ascend

mindspore.ops.ApplyCenteredRMSProp

Optimizer that implements the centered RMSProp algorithm.

Ascend GPU

mindspore.ops.ApplyGradientDescent

Updates relevant entries according to the following.

Ascend

mindspore.ops.ApplyMomentum

Optimizer that implements the Momentum algorithm.

Ascend GPU CPU

mindspore.ops.ApplyPowerSign

Updates relevant entries according to the AddSign algorithm.

Ascend

mindspore.ops.ApplyProximalAdagrad

Updates relevant entries according to the proximal adagrad algorithm.

Ascend

mindspore.ops.ApplyProximalGradientDescent

Updates relevant entries according to the FOBOS(Forward Backward Splitting) algorithm.

Ascend

mindspore.ops.ApplyRMSProp

Optimizer that implements the Root Mean Square prop(RMSProp) algorithm.

Ascend GPU

mindspore.ops.AvgPool

Average pooling operation.

Ascend GPU CPU

mindspore.ops.BasicLSTMCell

Applies the long short-term memory (LSTM) to the input.

Ascend

mindspore.ops.BatchNorm

Batch Normalization for input data and updated parameters.

Ascend

mindspore.ops.BiasAdd

Returns sum of input and bias tensor.

Ascend GPU CPU

mindspore.ops.BinaryCrossEntropy

Computes the binary cross entropy between the target and the output.

Ascend GPU

mindspore.ops.BNTrainingReduce

For the BatchNorm operation this operator update the moving averages for training and is used in conjunction with BNTrainingUpdate.

Ascend

mindspore.ops.BNTrainingUpdate

For the BatchNorm operation, this operator update the moving averages for training and is used in conjunction with BNTrainingReduce.

Ascend

mindspore.ops.ComputeAccidentalHits

Compute accidental hits of sampled classes which happen to match target classes.

Ascend

mindspore.ops.Conv2D

2D convolution layer.

Ascend GPU CPU

mindspore.ops.Conv2DBackpropInput

Computes the gradients of convolution with respect to the input.

Ascend GPU

mindspore.ops.CTCGreedyDecoder

Performs greedy decoding on the logits given in inputs.

To Be Developed

mindspore.ops.CTCLoss

Calculates the CTC (Connectionist Temporal Classification) loss and the gradient.

Ascend GPU

mindspore.ops.DataFormatDimMap

Returns the dimension index in the destination data format given in the source data format.

Ascend

mindspore.ops.DepthwiseConv2dNative

Returns the depth-wise convolution value for the input.

Ascend

mindspore.ops.DropoutDoMask

Applies dropout mask on the input tensor.

Ascend

mindspore.ops.DropoutGenMask

Generates the mask value for the input shape.

Ascend

mindspore.ops.DynamicGRUV2

Applies a single-layer gated recurrent unit (GRU) to an input sequence.

Ascend

mindspore.ops.DynamicRNN

DynamicRNN Operator.

Ascend

mindspore.ops.Elu

Computes exponential linear:

Ascend GPU

mindspore.ops.FastGelu

Fast Gaussian Error Linear Units activation function.

To Be Developed

mindspore.ops.FastGeLU

Fast Gaussian Error Linear Units activation function.

Ascend

mindspore.ops.Flatten

Flattens a tensor without changing its batch size on the 0-th axis.

Ascend GPU CPU

mindspore.ops.FloorMod

Computes the remainder of division element-wise.

Ascend

mindspore.ops.FusedBatchNorm

FusedBatchNorm is a BatchNorm.

CPU

mindspore.ops.FusedBatchNormEx

FusedBatchNormEx is an extension of FusedBatchNorm, FusedBatchNormEx has one more output(output reserve) than FusedBatchNorm, reserve will be used in backpropagation phase.

GPU

mindspore.ops.FusedSparseAdam

Merges the duplicate value of the gradient and then updates parameters by the Adaptive Moment Estimation (Adam) algorithm.

CPU

mindspore.ops.FusedSparseLazyAdam

Merges the duplicate value of the gradient and then updates parameters by the Adaptive Moment Estimation (LazyAdam) algorithm.

CPU

mindspore.ops.FusedSparseProximalAdagrad

Merges the duplicate value of the gradient and then updates relevant entries according to the proximal adagrad algorithm.

CPU

mindspore.ops.Gelu

Gaussian Error Linear Units activation function.

To Be Developed

mindspore.ops.GeLU

Gaussian Error Linear Units activation function.

Ascend GPU

mindspore.ops.GetNext

Returns the next element in the dataset queue.

Ascend GPU

mindspore.ops.HSigmoid

Hard sigmoid activation function.

GPU

mindspore.ops.HSwish

Hard swish activation function.

GPU

mindspore.ops.KLDivLoss

Computes the Kullback-Leibler divergence between the target and the output.

GPU

mindspore.ops.L2Loss

Calculates half of the L2 norm of a tensor without using the sqrt.

Ascend GPU

mindspore.ops.L2Normalize

L2 normalization Operator.

Ascend

mindspore.ops.LARSUpdate

Conducts LARS (layer-wise adaptive rate scaling) update on the sum of squares of gradient.

Ascend

mindspore.ops.LayerNorm

Applies the Layer Normalization to the input tensor.

Ascend GPU

mindspore.ops.LogSoftmax

Log Softmax activation function.

Ascend GPU

mindspore.ops.LRN

Local Response Normalization.

Ascend

mindspore.ops.LSTM

Performs the Long Short-Term Memory (LSTM) on the input.

GPU CPU

mindspore.ops.MaxPool

Max pooling operation.

Ascend GPU CPU

mindspore.ops.MaxPoolWithArgmax

Performs max pooling on the input Tensor and returns both max values and indices.

Ascend GPU

mindspore.ops.MirrorPad

Pads the input tensor according to the paddings and mode.

Ascend GPU

mindspore.ops.OneHot

Computes a one-hot tensor.

Ascend GPU CPU

mindspore.ops.Pack

Packs a list of tensors in specified axis.

To Be Developed

mindspore.ops.Pad

Pads the input tensor according to the paddings.

Ascend GPU

mindspore.ops.PReLU

Parametric Rectified Linear Unit activation function.

Ascend

mindspore.ops.ReLU

Computes ReLU (Rectified Linear Unit) of input tensors element-wise.

Ascend GPU CPU

mindspore.ops.ReLU6

Computes ReLU (Rectified Linear Unit) upper bounded by 6 of input tensors element-wise.

Ascend GPU CPU

mindspore.ops.ReLUV2

Computes ReLU (Rectified Linear Unit) of input tensors element-wise.

Ascend

mindspore.ops.ResizeBilinear

Resizes an image to a certain size using the bilinear interpolation.

Ascend

mindspore.ops.RNNTLoss

Computes the RNNTLoss and its gradient with respect to the softmax outputs.

Ascend

mindspore.ops.ROIAlign

Computes the Region of Interest (RoI) Align operator.

Ascend GPU

mindspore.ops.SGD

Computes the stochastic gradient descent.

Ascend GPU

mindspore.ops.Sigmoid

Sigmoid activation function.

Ascend GPU

mindspore.ops.SigmoidCrossEntropyWithLogits

Uses the given logits to compute sigmoid cross entropy.

Ascend GPU CPU

mindspore.ops.SmoothL1Loss

Computes smooth L1 loss, a robust L1 loss.

Ascend GPU

mindspore.ops.Softmax

Softmax operation.

Ascend GPU CPU

mindspore.ops.SoftmaxCrossEntropyWithLogits

Gets the softmax cross-entropy value between logits and labels with one-hot encoding.

Ascend GPU CPU

mindspore.ops.Softplus

Softplus activation function.

Ascend GPU

mindspore.ops.Softsign

Softsign activation function.

Ascend

mindspore.ops.SparseApplyAdagrad

Updates relevant entries according to the adagrad scheme.

Ascend

mindspore.ops.SparseApplyAdagradV2

Updates relevant entries according to the adagrad scheme, one more epsilon attribute than SparseApplyAdagrad.

Ascend

mindspore.ops.SparseApplyProximalAdagrad

Updates relevant entries according to the proximal adagrad algorithm.

Ascend GPU

mindspore.ops.SparseSoftmaxCrossEntropyWithLogits

Computes the softmax cross-entropy value between logits and sparse encoding labels.

GPU CPU

mindspore.ops.Stack

Stacks a list of tensors in specified axis.

Ascend GPU

mindspore.ops.Tanh

Tanh activation function.

Ascend GPU

mindspore.ops.TopK

Finds values and indices of the k largest entries along the last dimension.

Ascend GPU

mindspore.ops.Unpack

Unpacks tensor in specified axis.

To Be Developed

mindspore.ops.Unstack

Unstacks tensor in specified axis.

Ascend GPU

Math Operators

API Name

Description

Supported Platforms

mindspore.ops.Abs

Returns absolute value of a tensor element-wise.

Ascend GPU CPU

mindspore.ops.AccumulateNV2

Computes accumulation of all input tensors element-wise.

Ascend

mindspore.ops.ACos

Computes arccosine of input tensors element-wise.

Ascend GPU

mindspore.ops.Add

Adds two input tensors element-wise.

Ascend GPU CPU

mindspore.ops.AddN

Computes addition of all input tensors element-wise.

Ascend GPU CPU

mindspore.ops.ApproximateEqual

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

Ascend

mindspore.ops.Asin

Computes arcsine of input tensors element-wise.

Ascend GPU

mindspore.ops.Asinh

Computes inverse hyperbolic sine of the input element-wise.

Ascend GPU

mindspore.ops.AssignAdd

Updates a Parameter by adding a value to it.

Ascend GPU CPU

mindspore.ops.AssignSub

Updates a Parameter by subtracting a value from it.

Ascend

mindspore.ops.Atan

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

Ascend GPU

mindspore.ops.Atan2

Returns arctangent of input_x/input_y element-wise.

Ascend

mindspore.ops.Atanh

Computes inverse hyperbolic tangent of the input element-wise.

Ascend

mindspore.ops.BatchMatMul

Computes matrix multiplication between two tensors by batch

Ascend GPU

mindspore.ops.BesselI0e

Computes BesselI0e of input element-wise.

Ascend

mindspore.ops.BesselI1e

Computes BesselI1e of input element-wise.

Ascend

mindspore.ops.BitwiseAnd

Returns bitwise and of two tensors element-wise.

Ascend

mindspore.ops.BitwiseOr

Returns bitwise or of two tensors element-wise.

Ascend

mindspore.ops.BitwiseXor

Returns bitwise xor of two tensors element-wise.

Ascend

mindspore.ops.Ceil

Rounds a tensor up to the closest integer element-wise.

Ascend

mindspore.ops.Cos

Computes cosine of input element-wise.

Ascend GPU

mindspore.ops.Cosh

Computes hyperbolic cosine of input element-wise.

Ascend

mindspore.ops.CumProd

Computes the cumulative product of the tensor x along axis.

Ascend

mindspore.ops.CumSum

Computes the cumulative sum of input tensor along axis.

Ascend GPU

mindspore.ops.Div

Computes the quotient of dividing the first input tensor by the second input tensor element-wise.

Ascend GPU

mindspore.ops.DivNoNan

Computes a safe divide and returns 0 if the y is zero.

Ascend GPU

mindspore.ops.Eps

Creates a tensor filled with input_x dtype minimum value.

Ascend GPU

mindspore.ops.Equal

Computes the equivalence between two tensors element-wise.

Ascend GPU CPU

mindspore.ops.EqualCount

Computes the number of the same elements of two tensors.

GPU CPU

mindspore.ops.Erf

Computes the Gauss error function of input_x element-wise.

Ascend

mindspore.ops.Erfc

Computes the complementary error function of input_x element-wise.

Ascend

mindspore.ops.Exp

Returns exponential of a tensor element-wise.

Ascend GPU CPU

mindspore.ops.Expm1

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

Ascend

mindspore.ops.FloatStatus

Determines if the elements contain Not a Number(NaN), infinite or negative infinite.

GPU

mindspore.ops.Floor

Rounds a tensor down to the closest integer element-wise.

Ascend GPU

mindspore.ops.FloorDiv

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

Ascend GPU

mindspore.ops.Greater

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

Ascend GPU

mindspore.ops.GreaterEqual

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

Ascend GPU

mindspore.ops.HistogramFixedWidth

Returns a rank 1 histogram counting the number of entries in values that fall into every bin.

Ascend

mindspore.ops.InplaceAdd

Adds v into specified rows of x.

Ascend

mindspore.ops.InplaceSub

Subtracts v into specified rows of x.

Ascend

mindspore.ops.Inv

Computes Inv(Reciprocal) of input tensor element-wise.

Ascend

mindspore.ops.Invert

Flips all bits of input tensor element-wise.

Ascend

mindspore.ops.IsInf

Determines which elements are inf or -inf for each position

GPU

mindspore.ops.IsNan

Determines which elements are NaN for each position.

GPU

mindspore.ops.Less

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

Ascend GPU CPU

mindspore.ops.LessEqual

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

Ascend GPU CPU

mindspore.ops.LinSpace

Generates values in an interval (inclusive of start and stop) and returns the corresponding interpolated array with num number of ticks.

Ascend GPU

mindspore.ops.Log

Returns the natural logarithm of a tensor element-wise.

Ascend GPU CPU

mindspore.ops.Log1p

Returns the natural logarithm of one plus the input tensor element-wise.

Ascend

mindspore.ops.LogicalAnd

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

Ascend GPU

mindspore.ops.LogicalNot

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

Ascend GPU

mindspore.ops.LogicalOr

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

Ascend GPU

mindspore.ops.MatMul

Multiplies matrix a and matrix b.

Ascend GPU CPU

mindspore.ops.Maximum

Computes the maximum of input tensors element-wise.

Ascend GPU CPU

mindspore.ops.Minimum

Computes the minimum of input tensors element-wise.

Ascend GPU

mindspore.ops.Mod

Computes the remainder of dividing the first input tensor by the second input tensor element-wise.

Ascend

mindspore.ops.Mul

Multiplies two tensors element-wise.

Ascend GPU CPU

mindspore.ops.Neg

Returns a tensor with negative values of the input tensor element-wise.

Ascend GPU CPU

mindspore.ops.NMSWithMask

Selects some bounding boxes in descending order of score.

Ascend GPU

mindspore.ops.NotEqual

Computes the non-equivalence of two tensors element-wise.

Ascend GPU CPU

mindspore.ops.NPUAllocFloatStatus

Allocates a flag to store the overflow status.

Ascend

mindspore.ops.NPUClearFloatStatus

Clears the flag which stores the overflow status.

Ascend

mindspore.ops.NPUGetFloatStatus

Updates the flag which is the output tensor of NPUAllocFloatStatus with the latest overflow status.

Ascend

mindspore.ops.Pow

Computes a tensor to the power of the second input.

Ascend GPU CPU

mindspore.ops.RealDiv

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

Ascend GPU CPU

mindspore.ops.Reciprocal

Returns reciprocal of a tensor element-wise.

Ascend GPU

mindspore.ops.ReduceAll

Reduces a dimension of a tensor by the "logicalAND" of all elements in the dimension.

Ascend GPU

mindspore.ops.ReduceAny

Reduces a dimension of a tensor by the "logical OR" of all elements in the dimension.

Ascend GPU

mindspore.ops.ReduceMax

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

Ascend GPU CPU

mindspore.ops.ReduceMean

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

Ascend GPU CPU

mindspore.ops.ReduceMin

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

Ascend GPU CPU

mindspore.ops.ReduceProd

Reduces a dimension of a tensor by multiplying all elements in the dimension.

Ascend

mindspore.ops.ReduceSum

Reduces a dimension of a tensor by summing all elements in the dimension.

Ascend GPU CPU

mindspore.ops.Round

Returns half to even of a tensor element-wise.

Ascend

mindspore.ops.Rsqrt

Computes reciprocal of square root of input tensor element-wise.

Ascend GPU

mindspore.ops.Sign

Performs sign on the tensor element-wise.

Ascend CPU

mindspore.ops.Sin

Computes sine of the input element-wise.

Ascend GPU

mindspore.ops.Sinh

Computes hyperbolic sine of the input element-wise.

Ascend

mindspore.ops.Sqrt

Returns square root of a tensor element-wise.

Ascend GPU CPU

mindspore.ops.Square

Returns square of a tensor element-wise.

Ascend GPU CPU

mindspore.ops.SquaredDifference

Subtracts the second input tensor from the first input tensor element-wise and returns square of it.

Ascend

mindspore.ops.SquareSumAll

Returns the square sum of a tensor element-wise

Ascend

mindspore.ops.Sub

Subtracts the second input tensor from the first input tensor element-wise.

Ascend GPU CPU

mindspore.ops.Tan

Computes tangent of input_x element-wise.

Ascend

mindspore.ops.TensorAdd

Adds two input tensors element-wise.

To Be Developed

mindspore.ops.TruncateDiv

Divides the first input tensor by the second input tensor element-wise for integer types, negative numbers will round fractional quantities towards zero.

Ascend

mindspore.ops.TruncateMod

Returns the remainder of division element-wise.

Ascend

mindspore.ops.Xdivy

Divides the first input tensor by the second input tensor element-wise.

Ascend

mindspore.ops.Xlogy

Computes the first input tensor multiplied by the logarithm of second input tensor element-wise.

Ascend

Array Operators

API Name

Description

Supported Platforms

mindspore.ops.ApplyFtrl

Updates relevant entries according to the FTRL scheme.

Ascend GPU

mindspore.ops.Argmax

Returns the indices of the maximum value of a tensor across the axis.

Ascend GPU CPU

mindspore.ops.ArgMaxWithValue

Calculates the maximum value with the corresponding index.

Ascend GPU

mindspore.ops.Argmin

Returns the indices of the minimum value of a tensor across the axis.

Ascend

mindspore.ops.ArgMinWithValue

Calculates the minimum value with corresponding index, and returns indices and values.

Ascend

mindspore.ops.BatchToSpace

Divides batch dimension with blocks and interleaves these blocks back into spatial dimensions.

Ascend

mindspore.ops.BatchToSpaceND

Divides batch dimension with blocks and interleaves these blocks back into spatial dimensions.

Ascend

mindspore.ops.BroadcastTo

Broadcasts input tensor to a given shape.

Ascend GPU

mindspore.ops.Cast

Returns a tensor with the new specified data type.

Ascend GPU CPU

mindspore.ops.Concat

Connect tensor in the specified axis.

Ascend GPU CPU

mindspore.ops.DepthToSpace

Rearranges blocks of depth data into spatial dimensions.

Ascend

mindspore.ops.DType

Returns the data type of the input tensor as mindspore.dtype.

Ascend GPU CPU

mindspore.ops.DynamicShape

Returns the shape of the input tensor.

Ascend GPU CPU

mindspore.ops.EditDistance

Computes the Levenshtein Edit Distance.

Ascend

mindspore.ops.EmbeddingLookup

Returns a slice of input tensor based on the specified indices.

Ascend CPU

mindspore.ops.ExpandDims

Adds an additional dimension at the given axis.

Ascend GPU CPU

mindspore.ops.Eye

Creates a tensor with ones on the diagonal and zeros the rest.

Ascend GPU CPU

mindspore.ops.Fill

Creates a tensor filled with a scalar value.

Ascend GPU CPU

mindspore.ops.FusedSparseFtrl

Merges the duplicate value of the gradient and then updates relevant entries according to the FTRL-proximal scheme.

Ascend CPU

mindspore.ops.GatherD

Gathers values along an axis specified by dim.

Ascend GPU

mindspore.ops.GatherNd

Gathers slices from a tensor by indices.

Ascend GPU

mindspore.ops.GatherV2

Returns a slice of the input tensor based on the specified indices and axis.

To Be Developed

mindspore.ops.Gather

Returns a slice of the input tensor based on the specified indices and axis.

Ascend GPU

mindspore.ops.Identity

Returns a Tensor with the same shape and contents as input.

Ascend

mindspore.ops.InplaceUpdate

Updates specified rows with values in v.

Ascend

mindspore.ops.InvertPermutation

Computes the inverse of an index permutation.

Ascend GPU CPU

mindspore.ops.IsFinite

Determines which elements are finite for each position.

Ascend GPU CPU

mindspore.ops.IsInstance

Checks whether an object is an instance of a target type.

Ascend GPU CPU

mindspore.ops.IsSubClass

Checks whether this type is a sub-class of another type.

Ascend GPU CPU

mindspore.ops.Meshgrid

Generates coordinate matrices from given coordinate tensors.

Ascend

mindspore.ops.Ones

Creates a tensor filled with value ones.

Ascend GPU CPU

mindspore.ops.OnesLike

Creates a new tensor.

Ascend GPU CPU

mindspore.ops.Padding

Extends the last dimension of the input tensor from 1 to pad_dim_size, by filling with 0.

Ascend

mindspore.ops.ParallelConcat

Concats tensor in the first dimension.

Ascend

mindspore.ops.Rank

Returns the rank of a tensor.

Ascend GPU CPU

mindspore.ops.Reshape

Reshapes the input tensor with the same values based on a given shape tuple.

Ascend GPU CPU

mindspore.ops.ResizeNearestNeighbor

Resizes the input tensor by using the nearest neighbor algorithm.

Ascend GPU

mindspore.ops.ReverseSequence

Reverses variable length slices.

Ascend

mindspore.ops.ReverseV2

Reverses specific dimensions of a tensor.

Ascend

mindspore.ops.Rint

Returns an integer that is closest to x element-wise.

Ascend

mindspore.ops.SameTypeShape

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

Ascend GPU CPU

mindspore.ops.ScalarToArray

Converts a scalar to a Tensor.

Ascend GPU CPU

mindspore.ops.ScalarToTensor

Converts a scalar to a Tensor, and converts the data type to the specified type.

Ascend GPU CPU

mindspore.ops.ScatterAdd

Updates the value of the input tensor through the addition operation.

Ascend GPU

mindspore.ops.ScatterDiv

Updates the value of the input tensor through the divide operation.

Ascend

mindspore.ops.ScatterMax

Updates the value of the input tensor through the maximum operation.

Ascend

mindspore.ops.ScatterMin

Updates the value of the input tensor through the minimum operation.

Ascend

mindspore.ops.ScatterMul

Updates the value of the input tensor through the multiply operation.

Ascend

mindspore.ops.ScatterNd

Scatters a tensor into a new tensor depending on the specified indices.

Ascend GPU

mindspore.ops.ScatterNdAdd

Applies sparse addition to individual values or slices in a tensor.

Ascend

mindspore.ops.ScatterNdSub

Applies sparse subtraction to individual values or slices in a tensor.

Ascend

mindspore.ops.ScatterNdUpdate

Updates tensor values by using input indices and value.

Ascend CPU

mindspore.ops.ScatterNonAliasingAdd

Applies sparse addition to the input using individual values or slices.

Ascend

mindspore.ops.ScatterSub

Updates the value of the input tensor through the subtraction operation.

Ascend

mindspore.ops.ScatterUpdate

Updates tensor values by using input indices and value.

Ascend GPU

mindspore.ops.Select

Returns the selected elements, either from input \(x\) or input \(y\), depending on the condition.

Ascend GPU CPU

mindspore.ops.Shape

Returns the shape of the input tensor.

Ascend GPU CPU

mindspore.ops.Size

Returns the size of a tensor.

Ascend GPU CPU

mindspore.ops.Slice

Slices a tensor in the specified shape.

Ascend GPU CPU

mindspore.ops.Sort

Sorts the elements of the input tensor along a given dimension in ascending order by value.

Ascend

mindspore.ops.SpaceToBatch

Divides spatial dimensions into blocks and combines the block size with the original batch.

Ascend

mindspore.ops.SpaceToBatchND

Divides spatial dimensions into blocks and combines the block size with the original batch.

Ascend

mindspore.ops.SpaceToDepth

Rearranges blocks of spatial data into depth.

Ascend

mindspore.ops.SparseApplyFtrl

Updates relevant entries according to the FTRL-proximal scheme.

Ascend GPU

mindspore.ops.SparseApplyFtrlV2

Updates relevant entries according to the FTRL-proximal scheme.

Ascend

mindspore.ops.SparseGatherV2

Returns a slice of input tensor based on the specified indices and axis.

Ascend GPU

mindspore.ops.Split

Splits the input tensor into output_num of tensors along the given axis and output numbers.

Ascend GPU CPU

mindspore.ops.Squeeze

Returns a tensor with the same type but dimensions of 1 are removed based on axis.

Ascend GPU

mindspore.ops.StridedSlice

Extracts a strided slice of a tensor.

Ascend GPU CPU

mindspore.ops.TensorScatterUpdate

Updates tensor values using given values, along with the input indices.

Ascend

mindspore.ops.Tile

Replicates a tensor with given multiples times.

Ascend GPU CPU

mindspore.ops.Transpose

Permutes the dimensions of the input tensor according to input permutation.

Ascend GPU CPU

mindspore.ops.TupleToArray

Converts a tuple to a tensor.

Ascend GPU CPU

mindspore.ops.Unique

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.

Ascend GPU CPU

mindspore.ops.UniqueWithPad

Returns unique elements and relative indexes in 1-D tensor, filled with padding num.

Ascend CPU

mindspore.ops.UnsortedSegmentMax

Computes the maximum along segments of a tensor.

Ascend GPU

mindspore.ops.UnsortedSegmentMin

Computes the minimum of a tensor along segments.

Ascend GPU

mindspore.ops.UnsortedSegmentProd

Computes the product of a tensor along segments.

Ascend

mindspore.ops.UnsortedSegmentSum

Computes the sum of a tensor along segments.

Ascend GPU

mindspore.ops.Zeros

Creates a tensor filled with value zeros.

Ascend GPU CPU

mindspore.ops.ZerosLike

Creates a new tensor.

Ascend GPU CPU

Common Operators

API Name

Description

Supported Platforms

mindspore.ops.AllGather

Gathers tensors from the specified communication group.

Ascend GPU

mindspore.ops.AllReduce

Reduces the tensor data across all devices in such a way that all devices will get the same final result.

Ascend GPU

mindspore.ops.Broadcast

Broadcasts the tensor to the whole group.

Ascend, GPU

mindspore.ops.ReduceOp

Operation options for reducing tensors.

Ascend GPU

mindspore.ops.ReduceScatter

Reduces and scatters tensors from the specified communication group.

Ascend GPU

Control Flows

API Name

Description

Supported Platforms

mindspore.ops.ControlDepend

Adds control dependency relation between source and destination operations.

Ascend GPU CPU

Debug Operators

API Name

Description

Supported Platforms

mindspore.ops.HistogramSummary

Outputs the tensor to protocol buffer through histogram summary operator.

Ascend GPU CPU

mindspore.ops.ImageSummary

Outputs the image tensor to protocol buffer through image summary operator.

Ascend GPU CPU

mindspore.ops.InsertGradientOf

Attaches callback to the graph node that will be invoked on the node's gradient.

Ascend GPU CPU

mindspore.ops.Print

Outputs the tensor or string to stdout.

Ascend

mindspore.ops.ScalarSummary

Outputs a scalar to a protocol buffer through a scalar summary operator.

Ascend GPU CPU

mindspore.ops.TensorSummary

Outputs a tensor to a protocol buffer through a tensor summary operator.

Ascend GPU CPU

Random Operators

API Name

Description

Supported Platforms

mindspore.ops.Gamma

Produces random positive floating-point values x, distributed according to probability density function:

Ascend

mindspore.ops.LogUniformCandidateSampler

Generates random labels with a log-uniform distribution for sampled_candidates.

Ascend

mindspore.ops.Multinomial

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

GPU

mindspore.ops.Poisson

Produces random non-negative integer values i, distributed according to discrete probability function:

Ascend

mindspore.ops.RandomCategorical

Generates random samples from a given categorical distribution tensor.

Ascend GPU

mindspore.ops.RandomChoiceWithMask

Generates a random sample as index tensor with a mask tensor from a given tensor.

Ascend GPU

mindspore.ops.StandardLaplace

Generates random numbers according to the Laplace random number distribution (mean=0, lambda=1).

Ascend

mindspore.ops.StandardNormal

Generates random numbers according to the standard Normal (or Gaussian) random number distribution.

Ascend GPU CPU

mindspore.ops.UniformCandidateSampler

Uniform candidate sampler.

GPU

mindspore.ops.UniformInt

Produces random integer values i, uniformly distributed on the closed interval [minval, maxval), that is, distributed according to the discrete probability function:

Ascend GPU

mindspore.ops.UniformReal

Produces random floating-point values i, uniformly distributed to the interval [0, 1).

Ascend GPU

Inner Operators

API Name

Description

Supported Platforms

mindspore.ops.ScalarCast

Casts the input scalar to another type.

Ascend GPU CPU

Image Operators

API Name

Description

Supported Platforms

mindspore.ops.CropAndResize

Extracts crops from the input image tensor and resizes them.

Ascend

Other Operators

API Name

Description

Supported Platforms

mindspore.ops.Assign

Assigns Parameter with a value.

Ascend GPU CPU

mindspore.ops.BoundingBoxDecode

Decodes bounding boxes locations.

Ascend GPU

mindspore.ops.BoundingBoxEncode

Encodes bounding boxes locations.

Ascend GPU

mindspore.ops.CheckValid

Checks bounding box.

Ascend GPU

mindspore.ops.Depend

Depend is used for processing dependency operations.

Ascend GPU CPU

mindspore.ops.InTopK

Determines whether the targets are in the top k predictions.

Ascend

mindspore.ops.IOU

Calculates intersection over union for boxes.

Ascend GPU

mindspore.ops.MakeRefKey

Makes a RefKey instance by string.

Ascend GPU CPU

mindspore.ops.PopulationCount

Calculates population count.

Ascend

composite

The composite operators are the pre-defined combination of operators.

API Name

Description

Supported Platforms

mindspore.ops.add_flags

A decorator that adds a flag to the function.

To Be Developed

mindspore.ops.clip_by_global_norm

Clips tensor values by the ratio of the sum of their norms.

Ascend GPU

mindspore.ops.clip_by_value

Clips tensor values to a specified min and max.

Ascend GPU

mindspore.ops.core

A decorator that adds a flag to the function.

Ascend GPU

mindspore.ops.count_nonzero

Count number of nonzero elements across axis of input tensor

Ascend GPU

mindspore.ops.gamma

Generates random numbers according to the Gamma random number distribution.

Ascend GPU CPU

mindspore.ops.GradOperation

A higher-order function which is used to generate the gradient function for the input function.

To Be Developed

mindspore.ops.HyperMap

Hypermap will apply the set operation to input sequences.

To Be Developed

mindspore.ops.laplace

Generates random numbers according to the Laplace random number distribution.

Ascend GPU CPU

mindspore.ops.multinomial

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

GPU

mindspore.ops.MultitypeFuncGraph

Generates overloaded functions.

To Be Developed

mindspore.ops.normal

Generates random numbers according to the Normal (or Gaussian) random number distribution.

Ascend GPU CPU

mindspore.ops.poisson

Generates random numbers according to the Poisson random number distribution.

Ascend GPU CPU

mindspore.ops.repeat_elements

Repeat elements of a tensor along an axis, like np.repeat.

Ascend GPU CPU

mindspore.ops.sequence_mask

Returns a mask tensor representing the first N positions of each cell.

GPU

mindspore.ops.tensor_dot

Computation of Tensor contraction on arbitrary axes between tensors a and b.

Ascend GPU CPU

mindspore.ops.uniform

Generates random numbers according to the Uniform random number distribution.

Ascend GPU

functional

The functional operators are the pre-instantiated Primitive operators, which can be used directly as a function.

functional

operations

mindspore.ops.addn

mindspore.ops.AddN

mindspore.ops.array_reduce

mindspore.ops.Primitive (‘array_reduce’)

mindspore.ops.array_to_scalar

mindspore.ops.Primitive (‘array_to_scalar’)

mindspore.ops.assign

mindspore.ops.Assign

mindspore.ops.assign_add

mindspore.ops.AssignAdd

mindspore.ops.assign_sub

mindspore.ops.AssignSub

mindspore.ops.bool_and

mindspore.ops.Primitive (‘bool_and’)

mindspore.ops.bool_eq

mindspore.ops.Primitive (‘bool_eq’)

mindspore.ops.bool_not

mindspore.ops.Primitive (‘bool_not’)

mindspore.ops.bool_or

mindspore.ops.Primitive (‘bool_or’)

mindspore.ops.cast

mindspore.ops.Cast

mindspore.ops.control_depend

mindspore.ops.ControlDepend

mindspore.ops.distribute

mindspore.ops.Primitive (‘distribute’)

mindspore.ops.dtype

mindspore.ops.DType

mindspore.ops.equal

mindspore.ops.Equal

mindspore.ops.expand_dims

mindspore.ops.ExpandDims

mindspore.ops.fill

mindspore.ops.Fill

mindspore.ops.gather

mindspore.ops.Gather

mindspore.ops.gather_nd

mindspore.ops.GatherNd

mindspore.ops.hastype

mindspore.ops.Primitive (‘hastype’)

mindspore.ops.in_dict

mindspore.ops.Primitive (‘in_dict’)

mindspore.ops.is_not

mindspore.ops.Primitive (‘is_not’)

mindspore.ops.is_

mindspore.ops.Primitive (‘is_’)

mindspore.ops.isconstant

mindspore.ops.Primitive (‘is_constant’)

mindspore.ops.isinstance_

mindspore.ops.IsInstance

mindspore.ops.issubclass_

mindspore.ops.IsSubClass

mindspore.ops.logical_and

mindspore.ops.LogicalAnd

mindspore.ops.logical_not

mindspore.ops.LogicalNot

mindspore.ops.logical_or

mindspore.ops.LogicalOr

mindspore.ops.make_row_tensor

mindspore.ops.Primitive (‘MakeRowTensor’)

mindspore.ops.make_sparse_tensor

mindspore.ops.Primitive (‘MakeSparseTensor’)

mindspore.ops.mixed_precision_cast

mindspore.ops.Primitive (‘mixed_precision_cast’)

mindspore.ops.neg_tensor

mindspore.ops.Neg

mindspore.ops.not_equal

mindspore.ops.NotEqual

mindspore.ops.not_in_dict

mindspore.ops.Primitive (‘not_in_dict’)

mindspore.ops.ones_like

mindspore.ops.OnesLike

mindspore.ops.pack

mindspore.ops.Pack

mindspore.ops.print_

mindspore.ops.Print

mindspore.ops.rank

mindspore.ops.Rank

mindspore.ops.reduced_shape

mindspore.ops.Primitive (‘reduced_shape’)

mindspore.ops.reshape

mindspore.ops.Reshape

mindspore.ops.row_tensor_get_dense_shape

mindspore.ops.Primitive (‘RowTensorGetDenseShape’)

mindspore.ops.row_tensor_get_indices

mindspore.ops.Primitive (‘RowTensorGetIndices’)

mindspore.ops.row_tensor_get_values

mindspore.ops.Primitive (‘RowTensorGetValues’)

mindspore.ops.same_type_shape

mindspore.ops.SameTypeShape

mindspore.ops.scalar_add

mindspore.ops.Primitive (‘scalar_add’)

mindspore.ops.scalar_cast

mindspore.ops.ScalarCast

mindspore.ops.scalar_div

mindspore.ops.Primitive (‘scalar_div’)

mindspore.ops.scalar_eq

mindspore.ops.Primitive (‘scalar_eq’)

mindspore.ops.scalar_floordiv

mindspore.ops.Primitive (‘scalar_floordiv’)

mindspore.ops.scalar_ge

mindspore.ops.Primitive (‘scalar_ge’)

mindspore.ops.scalar_gt

mindspore.ops.Primitive (‘scalar_gt’)

mindspore.ops.scalar_le

mindspore.ops.Primitive (‘scalar_le’)

mindspore.ops.scalar_log

mindspore.ops.Primitive (‘scalar_log’)

mindspore.ops.scalar_lt

mindspore.ops.Primitive (‘scalar_lt’)

mindspore.ops.scalar_mod

mindspore.ops.Primitive (‘scalar_mod’)

mindspore.ops.scalar_mul

mindspore.ops.Primitive (‘scalar_mul’)

mindspore.ops.scalar_ne

mindspore.ops.Primitive (‘scalar_ne’)

mindspore.ops.scalar_pow

mindspore.ops.Primitive (‘scalar_pow’)

mindspore.ops.scalar_sub

mindspore.ops.Primitive (‘scalar_sub’)

mindspore.ops.scalar_to_array

mindspore.ops.ScalarToArray

mindspore.ops.scalar_to_tensor

mindspore.ops.ScalarToTensor

mindspore.ops.scalar_uadd

mindspore.ops.Primitive (‘scalar_uadd’)

mindspore.ops.scalar_usub

mindspore.ops.Primitive (‘scalar_usub’)

mindspore.ops.scatter_nd

mindspore.ops.ScatterNd

mindspore.ops.scatter_nd_update

mindspore.ops.ScatterNdUpdate

mindspore.ops.scatter_update

mindspore.ops.ScatterUpdate

mindspore.ops.select

mindspore.ops.Select

mindspore.ops.shape

mindspore.ops.Shape

mindspore.ops.shape_mul

mindspore.ops.Primitive (‘shape_mul’)

mindspore.ops.size

mindspore.ops.Size

mindspore.ops.sparse_tensor_get_dense_shape

mindspore.ops.Primitive (‘SparseTensorGetDenseShape’)

mindspore.ops.sparse_tensor_get_indices

mindspore.ops.Primitive (‘SparseTensorGetIndices’)

mindspore.ops.sparse_tensor_get_values

mindspore.ops.Primitive (‘SparseTensorGetValues’)

mindspore.ops.sqrt

mindspore.ops.Sqrt

mindspore.ops.square

mindspore.ops.Square

mindspore.ops.stop_gradient

mindspore.ops.Primitive (‘stop_gradient’)

mindspore.ops.strided_slice

mindspore.ops.StridedSlice

mindspore.ops.string_concat

mindspore.ops.Primitive (‘string_concat’)

mindspore.ops.string_eq

mindspore.ops.Primitive (‘string_equal’)

mindspore.ops.tensor_add

mindspore.ops.Add

mindspore.ops.tensor_div

mindspore.ops.RealDiv

mindspore.ops.tensor_floordiv

mindspore.ops.FloorDiv

mindspore.ops.tensor_ge

mindspore.ops.GreaterEqual

mindspore.ops.tensor_gt

mindspore.ops.Greater

mindspore.ops.tensor_le

mindspore.ops.LessEqual

mindspore.ops.tensor_lt

mindspore.ops.Less

mindspore.ops.tensor_mod

mindspore.ops.FloorMod

mindspore.ops.tensor_mul

mindspore.ops.Mul

mindspore.ops.tensor_pow

mindspore.ops.Pow

mindspore.ops.tensor_sub

mindspore.ops.Sub

mindspore.ops.tile

mindspore.ops.Tile

mindspore.ops.tuple_to_array

mindspore.ops.TupleToArray

mindspore.ops.typeof

mindspore.ops.Primitive (‘typeof’)

mindspore.ops.zeros_like

mindspore.ops.ZerosLike

primitive

mindspore.ops.constexpr

Creates a PrimitiveWithInfer operator that can infer the value at compile time.

mindspore.ops.prim_attr_register

Primitive attributes register.

mindspore.ops.Primitive

Primitive is the base class of primitives in python.

mindspore.ops.PrimitiveWithCheck

PrimitiveWithCheck is the base class of primitives in python defines functions for checking operator input arguments but used the infer method registered in c++ source codes.

mindspore.ops.PrimitiveWithInfer

PrimitiveWithInfer is the base class of primitives in python and defines functions for tracking inference in python.

vm_impl_registry

mindspore.ops.get_vm_impl_fn

Gets the virtual implementation function by a primitive object or primitive name.

op_info_register

mindspore.ops.AiCPURegOp

Class for AiCPU op info register

mindspore.ops.DataType

Various combinations of dtype and format.

mindspore.ops.op_info_register

A decorator which is used to register an operator.

mindspore.ops.TBERegOp

Class for TBE operator information register.