spox.opset.ai.onnx.v19 module
- spox.opset.ai.onnx.v19.abs(X: Var) Var [source]
Absolute takes one input data (Tensor<T>) and produces one output data (Tensor<T>) where absolute value, y = abs(x), is applied to the tensor elementwise.
- Parameters:
- X
Type T. Input tensor
- Returns:
- YVar
Type T. Output tensor
Notes
Signature:
ai.onnx@13::Abs
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.acos(input: Var) Var [source]
Calculates the arccosine (inverse of cosine) of the given input tensor, element-wise.
- Parameters:
- input
Type T. Input tensor
- Returns:
- outputVar
Type T. The arccosine of the input tensor computed element-wise
Notes
Signature:
ai.onnx@7::Acos
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.acosh(input: Var) Var [source]
Calculates the hyperbolic arccosine of the given input tensor element-wise.
- Parameters:
- input
Type T. Input tensor
- Returns:
- outputVar
Type T. The hyperbolic arccosine values of the input tensor computed element-wise
Notes
Signature:
ai.onnx@9::Acosh
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.add(A: Var, B: Var) Var [source]
Performs element-wise binary addition (with Numpy-style broadcasting support).
This operator supports multidirectional (i.e., Numpy-style) broadcasting; for more details please check the doc.
(Opset 14 change): Extend supported types to include uint8, int8, uint16, and int16.
- Parameters:
- A
Type T. First operand.
- B
Type T. Second operand.
- Returns:
- CVar
Type T. Result, has same element type as two inputs
Notes
Signature:
ai.onnx@14::Add
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.and_(A: Var, B: Var) Var [source]
Returns the tensor resulted from performing the
and
logical operation elementwise on the input tensorsA
andB
(with Numpy-style broadcasting support).This operator supports multidirectional (i.e., Numpy-style) broadcasting; for more details please check the doc.
- Parameters:
- A
Type T. First input operand for the logical operator.
- B
Type T. Second input operand for the logical operator.
- Returns:
- CVar
Type T1. Result tensor.
Notes
Signature:
ai.onnx@7::And
.- Type constraints:
T: tensor(bool)
T1: tensor(bool)
- spox.opset.ai.onnx.v19.arg_max(data: Var, *, axis: int = 0, keepdims: int = 1, select_last_index: int = 0) Var [source]
Computes the indices of the max elements of the input tensor’s element along the provided axis. The resulting tensor has the same rank as the input if keepdims equals 1. If keepdims equals 0, then the resulting tensor has the reduced dimension pruned. If select_last_index is True (default False), the index of the last occurrence of the max is selected if the max appears more than once in the input. Otherwise the index of the first occurrence is selected. The type of the output tensor is integer.
- Parameters:
- data
Type T. An input tensor.
- axis
Attribute. The axis in which to compute the arg indices. Accepted range is [-r, r-1] where r = rank(data).
- keepdims
Attribute. Keep the reduced dimension or not, default 1 means keep reduced dimension.
- select_last_index
Attribute. Whether to select the last index or the first index if the {name} appears in multiple indices, default is False (first index).
- Returns:
- reducedVar
Type tensor(int64). Reduced output tensor with integer data type.
Notes
Signature:
ai.onnx@13::ArgMax
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.arg_min(data: Var, *, axis: int = 0, keepdims: int = 1, select_last_index: int = 0) Var [source]
Computes the indices of the min elements of the input tensor’s element along the provided axis. The resulting tensor has the same rank as the input if keepdims equals 1. If keepdims equals 0, then the resulting tensor has the reduced dimension pruned. If select_last_index is True (default False), the index of the last occurrence of the min is selected if the min appears more than once in the input. Otherwise the index of the first occurrence is selected. The type of the output tensor is integer.
- Parameters:
- data
Type T. An input tensor.
- axis
Attribute. The axis in which to compute the arg indices. Accepted range is [-r, r-1] where r = rank(data).
- keepdims
Attribute. Keep the reduced dimension or not, default 1 means keep reduced dimension.
- select_last_index
Attribute. Whether to select the last index or the first index if the {name} appears in multiple indices, default is False (first index).
- Returns:
- reducedVar
Type tensor(int64). Reduced output tensor with integer data type.
Notes
Signature:
ai.onnx@13::ArgMin
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.asin(input: Var) Var [source]
Calculates the arcsine (inverse of sine) of the given input tensor, element-wise.
- Parameters:
- input
Type T. Input tensor
- Returns:
- outputVar
Type T. The arcsine of the input tensor computed element-wise
Notes
Signature:
ai.onnx@7::Asin
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.asinh(input: Var) Var [source]
Calculates the hyperbolic arcsine of the given input tensor element-wise.
- Parameters:
- input
Type T. Input tensor
- Returns:
- outputVar
Type T. The hyperbolic arcsine values of the input tensor computed element-wise
Notes
Signature:
ai.onnx@9::Asinh
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.atan(input: Var) Var [source]
Calculates the arctangent (inverse of tangent) of the given input tensor, element-wise.
- Parameters:
- input
Type T. Input tensor
- Returns:
- outputVar
Type T. The arctangent of the input tensor computed element-wise
Notes
Signature:
ai.onnx@7::Atan
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.atanh(input: Var) Var [source]
Calculates the hyperbolic arctangent of the given input tensor element-wise.
- Parameters:
- input
Type T. Input tensor
- Returns:
- outputVar
Type T. The hyperbolic arctangent values of the input tensor computed element-wise
Notes
Signature:
ai.onnx@9::Atanh
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.average_pool(X: Var, *, auto_pad: str = 'NOTSET', ceil_mode: int = 0, count_include_pad: int = 0, dilations: Iterable[int] | None = None, kernel_shape: Iterable[int], pads: Iterable[int] | None = None, strides: Iterable[int] | None = None) Var [source]
AveragePool consumes an input tensor X and applies average pooling across the tensor according to kernel sizes, stride sizes, and pad lengths. average pooling consisting of computing the average on all values of a subset of the input tensor according to the kernel size and downsampling the data into the output tensor Y for further processing. The output spatial shape is calculated differently depending on whether explicit padding is used, where pads is employed, or auto padding is used, where auto_pad is utilized. With explicit padding (https://pytorch.org/docs/stable/generated/torch.nn.MaxPool2d.html?highlight=maxpool#torch.nn.MaxPool2d):
output_spatial_shape[i] = floor((input_spatial_shape[i] + pad_shape[i] - dilation[i] * (kernel_shape[i] - 1) - 1) / strides_spatial_shape[i] + 1)
or
output_spatial_shape[i] = ceil((input_spatial_shape[i] + pad_shape[i] - dilation[i] * (kernel_shape[i] - 1) - 1) / strides_spatial_shape[i] + 1)
if ceil_mode is enabled.
pad_shape[i]
is the sum of pads along axisi
.auto_pad
is a DEPRECATED attribute. If you are using them currently, the output spatial shape will be following when ceil_mode is enabled:VALID: output_spatial_shape[i] = ceil((input_spatial_shape[i] - ((kernel_spatial_shape[i] - 1) * dilations[i] + 1) + 1) / strides_spatial_shape[i]) SAME_UPPER or SAME_LOWER: output_spatial_shape[i] = ceil(input_spatial_shape[i] / strides_spatial_shape[i])
or when ceil_mode is disabled (https://www.tensorflow.org/api_docs/python/tf/keras/layers/AveragePooling2D):
VALID: output_spatial_shape[i] = floor((input_spatial_shape[i] - ((kernel_spatial_shape[i] - 1) * dilations[i] + 1)) / strides_spatial_shape[i]) + 1 SAME_UPPER or SAME_LOWER: output_spatial_shape[i] = floor((input_spatial_shape[i] - 1) / strides_spatial_shape[i]) + 1
And pad shape will be following if
SAME_UPPER
orSAME_LOWER
:pad_shape[i] = (output_spatial_shape[i] - 1) * strides_spatial_shape[i] + ((kernel_spatial_shape[i] - 1) * dilations[i] + 1) - input_spatial_shape[i]
The output of each pooling window is divided by the number of elements (exclude pad when attribute count_include_pad is zero).
- Parameters:
- X
Type T. Input data tensor from the previous operator; dimensions for image case are (N x C x H x W), where N is the batch size, C is the number of channels, and H and W are the height and the width of the data. For non image case, the dimensions are in the form of (N x C x D1 x D2 … Dn), where N is the batch size. Optionally, if dimension denotation is in effect, the operation expects the input data tensor to arrive with the dimension denotation of [DATA_BATCH, DATA_CHANNEL, DATA_FEATURE, DATA_FEATURE …].
- auto_pad
Attribute. auto_pad must be either NOTSET, SAME_UPPER, SAME_LOWER or VALID. Where default value is NOTSET, which means explicit padding is used. SAME_UPPER or SAME_LOWER mean pad the input so that
output_shape[i] = ceil(input_shape[i] / strides[i])
for each axisi
. The padding is split between the two sides equally or almost equally (depending on whether it is even or odd). In case the padding is an odd number, the extra padding is added at the end for SAME_UPPER and at the beginning for SAME_LOWER.- ceil_mode
Attribute. Whether to use ceil or floor (default) to compute the output shape.
- count_include_pad
Attribute. Whether include pad pixels when calculating values for the edges. Default is 0, doesn’t count include pad.
- dilations
Attribute. Dilation value along each spatial axis of filter. If not present, the dilation defaults to 1 along each spatial axis.
- kernel_shape
Attribute. The size of the kernel along each axis.
- pads
Attribute. Padding for the beginning and ending along each spatial axis, it can take any value greater than or equal to 0. The value represent the number of pixels added to the beginning and end part of the corresponding axis.
pads
format should be as follow [x1_begin, x2_begin…x1_end, x2_end,…], where xi_begin the number of pixels added at the beginning of axisi
and xi_end, the number of pixels added at the end of axisi
. This attribute cannot be used simultaneously with auto_pad attribute. If not present, the padding defaults to 0 along start and end of each spatial axis.- strides
Attribute. Stride along each spatial axis. If not present, the stride defaults to 1 along each spatial axis.
- Returns:
- YVar
Type T. Output data tensor from average or max pooling across the input tensor. Dimensions will vary based on various kernel, stride, and pad sizes. Floor value of the dimension is used
Notes
Signature:
ai.onnx@19::AveragePool
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.batch_normalization(X: Var, scale: Var, B: Var, input_mean: Var, input_var: Var, *, epsilon: float = 9.999999747378752e-06, momentum: float = 0.8999999761581421, training_mode: int = 0) tuple[Var, Var, Var] [source]
Carries out batch normalization as described in the paper https://arxiv.org/abs/1502.03167. Depending on the mode it is being run, There are five required inputs ‘X’, ‘scale’, ‘B’, ‘input_mean’ and ‘input_var’. Note that ‘input_mean’ and ‘input_var’ are expected to be the estimated statistics in inference mode (training_mode=False, default), and the running statistics in training mode (training_mode=True). There are multiple cases for the number of outputs, which we list below:
Output case #1: Y, running_mean, running_var (training_mode=True)
Output case #2: Y (training_mode=False)
When training_mode=False, extra outputs are invalid. The outputs are updated as follows when training_mode=True:
running_mean = input_mean * momentum + current_mean * (1 - momentum) running_var = input_var * momentum + current_var * (1 - momentum) Y = (X - current_mean) / sqrt(current_var + epsilon) * scale + B
where:
current_mean = ReduceMean(X, axis=all_except_channel_index) current_var = ReduceVar(X, axis=all_except_channel_index)
Notice that
ReduceVar
refers to the population variance, and it equals tosum(sqrd(x_i - x_avg)) / N
whereN
is the population size (this formula does not use sample sizeN - 1
).The computation of ReduceMean and ReduceVar uses float to avoid overflow for float16 inputs.
When training_mode=False:
Y = (X - input_mean) / sqrt(input_var + epsilon) * scale + B
For previous (depreciated) non-spatial cases, implementors are suggested to flatten the input shape to (N x C * D1 * D2 * … * Dn) before a BatchNormalization Op. This operator has optional inputs/outputs. See the doc for more details about the representation of optional arguments. An empty string may be used in the place of an actual argument’s name to indicate a missing argument. Trailing optional arguments (those not followed by an argument that is present) may also be simply omitted.
- Parameters:
- X
Type T. Input data tensor from the previous operator; dimensions are in the form of (N x C x D1 x D2 … Dn), where N is the batch size, C is the number of channels. Statistics are computed for every channel of C over N and D1 to Dn dimensions. For image data, input dimensions become (N x C x H x W). The op also accepts single dimension input of size N in which case C is assumed to be 1
- scale
Type T1. Scale tensor of shape (C).
- B
Type T1. Bias tensor of shape (C).
- input_mean
Type T2. running (training) or estimated (testing) mean tensor of shape (C).
- input_var
Type T2. running (training) or estimated (testing) variance tensor of shape (C).
- epsilon
Attribute. The epsilon value to use to avoid division by zero.
- momentum
Attribute. Factor used in computing the running mean and variance.e.g., running_mean = running_mean * momentum + mean * (1 - momentum).
- training_mode
Attribute. If set to true, it indicates BatchNormalization is being used for training, and outputs 1 and 2 are to be computed.
- Returns:
- YVar
Type T. The output tensor of the same shape as X
- running_meanVar
Type T2. The running mean after the BatchNormalization operator.
- running_varVar
Type T2. The running variance after the BatchNormalization operator. This op uses the population size (N) for calculating variance, and not the sample size N-1.
Notes
Signature:
ai.onnx@15::BatchNormalization
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16)
T1: tensor(bfloat16), tensor(double), tensor(float), tensor(float16)
T2: tensor(bfloat16), tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.bernoulli(input: Var, *, dtype: dtype[Any] | None | type[Any] | _SupportsDType[dtype[Any]] | str | tuple[Any, int] | tuple[Any, SupportsIndex | Sequence[SupportsIndex]] | list[Any] | _DTypeDict | tuple[Any, Any] = None, seed: float | None = None) Var [source]
Draws binary random numbers (0 or 1) from a Bernoulli distribution. The input tensor should be a tensor containing probabilities p (a value in the range [0,1]) to be used for drawing the binary random number, where an output of 1 is produced with probability p and an output of 0 is produced with probability (1-p).
This operator is non-deterministic and may not produce the same values in different implementations (even if a seed is specified).
- Parameters:
- input
Type T1. All values in input have to be in the range:[0, 1].
- dtype
Attribute. The data type for the elements of the output tensor. if not specified, we will use the data type of the input tensor.
- seed
Attribute. (Optional) Seed to the random generator, if not specified we will auto generate one.
- Returns:
- outputVar
Type T2. The returned output tensor only has values 0 or 1, same shape as input tensor.
Notes
Signature:
ai.onnx@15::Bernoulli
.- Type constraints:
T1: tensor(double), tensor(float), tensor(float16)
T2: tensor(bfloat16), tensor(bool), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.bit_shift(X: Var, Y: Var, *, direction: str) Var [source]
Bitwise shift operator performs element-wise operation. For each input element, if the attribute “direction” is “RIGHT”, this operator moves its binary representation toward the right side so that the input value is effectively decreased. If the attribute “direction” is “LEFT”, bits of binary representation moves toward the left side, which results the increase of its actual value. The input X is the tensor to be shifted and another input Y specifies the amounts of shifting. For example, if “direction” is “Right”, X is [1, 4], and S is [1, 1], the corresponding output Z would be [0, 2]. If “direction” is “LEFT” with X=[1, 2] and S=[1, 2], the corresponding output Y would be [2, 8].
Because this operator supports Numpy-style broadcasting, X’s and Y’s shapes are not necessarily identical. This operator supports multidirectional (i.e., Numpy-style) broadcasting; for more details please check the doc.
- Parameters:
- X
Type T. First operand, input to be shifted.
- Y
Type T. Second operand, amounts of shift.
- direction
Attribute. Direction of moving bits. It can be either “RIGHT” (for right shift) or “LEFT” (for left shift).
- Returns:
- ZVar
Type T. Output tensor
Notes
Signature:
ai.onnx@11::BitShift
.- Type constraints:
T: tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.bitwise_and(A: Var, B: Var) Var [source]
Returns the tensor resulting from performing the bitwise
and
operation elementwise on the input tensorsA
andB
(with Numpy-style broadcasting support).This operator supports multidirectional (i.e., Numpy-style) broadcasting; for more details please check the doc.
- Parameters:
- A
Type T. First input operand for the bitwise operator.
- B
Type T. Second input operand for the bitwise operator.
- Returns:
- CVar
Type T. Result tensor.
Notes
Signature:
ai.onnx@18::BitwiseAnd
.- Type constraints:
T: tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.bitwise_not(X: Var) Var [source]
Returns the bitwise not of the input tensor element-wise.
- Parameters:
- X
Type T. Input tensor
- Returns:
- YVar
Type T. Output tensor
Notes
Signature:
ai.onnx@18::BitwiseNot
.- Type constraints:
T: tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.bitwise_or(A: Var, B: Var) Var [source]
Returns the tensor resulting from performing the bitwise
or
operation elementwise on the input tensorsA
andB
(with Numpy-style broadcasting support).This operator supports multidirectional (i.e., Numpy-style) broadcasting; for more details please check the doc.
- Parameters:
- A
Type T. First input operand for the bitwise operator.
- B
Type T. Second input operand for the bitwise operator.
- Returns:
- CVar
Type T. Result tensor.
Notes
Signature:
ai.onnx@18::BitwiseOr
.- Type constraints:
T: tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.bitwise_xor(A: Var, B: Var) Var [source]
Returns the tensor resulting from performing the bitwise
xor
operation elementwise on the input tensorsA
andB
(with Numpy-style broadcasting support).This operator supports multidirectional (i.e., Numpy-style) broadcasting; for more details please check the doc.
- Parameters:
- A
Type T. First input operand for the bitwise operator.
- B
Type T. Second input operand for the bitwise operator.
- Returns:
- CVar
Type T. Result tensor.
Notes
Signature:
ai.onnx@18::BitwiseXor
.- Type constraints:
T: tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.blackman_window(size: Var, *, output_datatype: int = 1, periodic: int = 1) Var [source]
Generates a Blackman window as described in the paper https://ieeexplore.ieee.org/document/1455106.
- Parameters:
- size
Type T1. A scalar value indicating the length of the window.
- output_datatype
Attribute. The data type of the output tensor. Strictly must be one of the values from DataType enum in TensorProto whose values correspond to T2. The default value is 1 = FLOAT.
- periodic
Attribute. If 1, returns a window to be used as periodic function. If 0, return a symmetric window. When ‘periodic’ is specified, hann computes a window of length size + 1 and returns the first size points. The default value is 1.
- Returns:
- outputVar
Type T2. A Blackman window with length: size. The output has the shape: [size].
Notes
Signature:
ai.onnx@17::BlackmanWindow
.- Type constraints:
T1: tensor(int32), tensor(int64)
T2: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.cast(input: Var, *, saturate: int = 1, to: dtype[Any] | None | type[Any] | _SupportsDType[dtype[Any]] | str | tuple[Any, int] | tuple[Any, SupportsIndex | Sequence[SupportsIndex]] | list[Any] | _DTypeDict | tuple[Any, Any]) Var [source]
The operator casts the elements of a given input tensor to a data type specified by the ‘to’ argument and returns an output tensor of the same size in the converted type. The ‘to’ argument must be one of the data types specified in the ‘DataType’ enum field in the TensorProto message.
Casting from string tensor in plain (e.g., “3.14” and “1000”) and scientific numeric representations (e.g., “1e-5” and “1E8”) to float types is supported. For example, converting string “100.5” to an integer may yield result 100. There are some string literals reserved for special floating-point values; “+INF” (and “INF”), “-INF”, and “NaN” are positive infinity, negative infinity, and not-a-number, respectively. Any string which can exactly match “+INF” in a case-insensitive way would be mapped to positive infinite. Similarly, this case-insensitive rule is applied to “INF” and “NaN”. When casting from numeric tensors to string tensors, plain floating-point representation (such as “314.15926”) would be used. Converting non-numerical-literal string such as “Hello World!” is an undefined behavior. Cases of converting string representing floating-point arithmetic value, such as “2.718”, to INT is an undefined behavior.
Conversion from a numerical type to any numerical type is always allowed. User must be aware of precision loss and value change caused by range difference between two types. For example, a 64-bit float 3.1415926459 may be round to a 32-bit float 3.141592. Similarly, converting an integer 36 to Boolean may produce 1 because we truncate bits which can’t be stored in the targeted type.
In more detail, the conversion among numerical types should follow these rules if the destination type is not a float 8 type.
Casting from floating point to:
floating point: +/- infinity if OOR (out of range).
fixed point: undefined if OOR.
bool: +/- 0.0 to False; all else to True.
Casting from fixed point to:
floating point: +/- infinity if OOR. (+ infinity in the case of uint)
fixed point: when OOR, discard higher bits and reinterpret (with respect to two’s complement representation for signed types). For example, 200 (int16) -> -56 (int8).
bool: zero to False; nonzero to True.
Casting from bool to:
floating point:
{1.0, 0.0}
.fixed point:
{1, 0}
.bool: no change.
Float 8 type were introduced to speed up the training of deep models. By default the conversion of a float x obeys to the following rules.
[x]
means the value rounded to the target mantissa width.x
E4M3FN
E4M3FNUZ
E5M2
E5M2FNUZ
0
0
0
0
0
-0
-0
0
-0
0
NaN
NaN
NaN
NaN
NaN
+/- Inf
+/- FLT_MAX
NaN
FLT_MAX
NaN
[x] > FLT_MAX
FLT_MAX
FLT_MAX
FLT_MAX
FLT_MAX
[x] < -FLT_MAX
-FLT_MAX
-FLT_MAX
-FLT_MAX
-FLT_MAX
else
RNE
RNE
RNE
RNE
The behavior changes if the parameter ‘saturate’ is set to False. The rules then become:
x
E4M3FN
E4M3FNUZ
E5M2
E5M2FNUZ
0
0
0
0
0
-0
-0
0
-0
0
NaN
NaN
NaN
NaN
NaN
+/- Inf
NaN
NaN
+/- Inf
NaN
[x] > FLT_MAX
NaN
NaN
Inf
NaN
[x] < -FLT_MAX
NaN
NaN
-Inf
NaN
else
RNE
RNE
RNE
RNE
- Parameters:
- input
Type T1. Input tensor to be cast.
- saturate
Attribute. The parameter defines how the conversion behaves if an input value is out of range of the destination type. It only applies for float 8 conversion (float8e4m3fn, float8e4m3fnuz, float8e5m2, float8e5m2fnuz). It is true by default. All cases are fully described in two tables inserted in the operator description.
- to
Attribute. The data type to which the elements of the input tensor are cast. Strictly must be one of the types from DataType enum in TensorProto
- Returns:
- outputVar
Type T2. Output tensor with the same shape as input with type specified by the ‘to’ argument
Notes
Signature:
ai.onnx@19::Cast
.- Type constraints:
T1: tensor(bfloat16), tensor(bool), tensor(double), tensor(float), tensor(float16), tensor(float8e4m3fn), tensor(float8e4m3fnuz), tensor(float8e5m2), tensor(float8e5m2fnuz), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
T2: tensor(bfloat16), tensor(bool), tensor(double), tensor(float), tensor(float16), tensor(float8e4m3fn), tensor(float8e4m3fnuz), tensor(float8e5m2), tensor(float8e5m2fnuz), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.cast_like(input: Var, target_type: Var, *, saturate: int = 1) Var [source]
The operator casts the elements of a given input tensor (the first input) to the same data type as the elements of the second input tensor. See documentation of the Cast operator for further details.
- Parameters:
- input
Type T1. Input tensor to be cast.
- target_type
Type T2. The (first) input tensor will be cast to produce a tensor of the same type as this (second input) tensor.
- saturate
Attribute. The parameter defines how the conversion behaves if an input value is out of range of the destination type. It only applies for float 8 conversion (float8e4m3fn, float8e4m3fnuz, float8e5m2, float8e5m2fnuz). It is true by default. Please refer to operator Cast description for further details.
- Returns:
- outputVar
Type T2. Output tensor produced by casting the first input tensor to have the same type as the second input tensor.
Notes
Signature:
ai.onnx@19::CastLike
.- Type constraints:
T1: tensor(bfloat16), tensor(bool), tensor(double), tensor(float), tensor(float16), tensor(float8e4m3fn), tensor(float8e4m3fnuz), tensor(float8e5m2), tensor(float8e5m2fnuz), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
T2: tensor(bfloat16), tensor(bool), tensor(double), tensor(float), tensor(float16), tensor(float8e4m3fn), tensor(float8e4m3fnuz), tensor(float8e5m2), tensor(float8e5m2fnuz), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.ceil(X: Var) Var [source]
Ceil takes one input data (Tensor<T>) and produces one output data (Tensor<T>) where the ceil is, y = ceil(x), is applied to the tensor elementwise. If x is integral, +0, -0, NaN, or infinite, x itself is returned.
- Parameters:
- X
Type T. Input tensor
- Returns:
- YVar
Type T. Output tensor
Notes
Signature:
ai.onnx@13::Ceil
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.celu(X: Var, *, alpha: float = 1.0) Var [source]
Continuously Differentiable Exponential Linear Units: Perform the linear unit element-wise on the input tensor X using formula:
max(0,x) + min(0,alpha*(exp(x/alpha)-1))
- Parameters:
- X
Type T. Input tensor
- alpha
Attribute. The Alpha value in Celu formula which control the shape of the unit. The default value is 1.0.
- Returns:
- YVar
Type T. Output tensor
Notes
Signature:
ai.onnx@12::Celu
.- Type constraints:
T: tensor(float)
- spox.opset.ai.onnx.v19.center_crop_pad(input_data: Var, shape: Var, *, axes: Iterable[int] | None = None) Var [source]
Center crop or pad an input to given dimensions.
The crop/pad dimensions can be specified for a subset of the
axes
; unspecified dimensions will remain unchanged.If the input dimensions are larger than the target crop dimensions, a centered cropping window will be extracted from the input. The starting value for the cropping window is rounded down, which means that if the difference between the input shape and the crop shape is odd, the cropping window will be shifted half a pixel to the left of the input center.
If the input dimensions are smaller than the target crop dimensions, the input will be padded equally on both sides to center it in the output. In cases where the total number of padding pixels is odd, an additional pixel will be added to the right side.
The padding value used is zero.
- Parameters:
- input_data
Type T. Input to extract the centered crop from.
- shape
Type Tind. 1-D tensor representing the cropping window dimensions.
- axes
Attribute. If provided, it specifies a subset of axes that ‘shape’ refer to. If not provided, all axes are assumed [0, 1, …, r-1], where r = rank(data). Negative value means counting dimensions from the back. Accepted range is [-r, r-1], where r = rank(data). Behavior is undefined if an axis is repeated.
- Returns:
- output_dataVar
Type T. Output data.
Notes
Signature:
ai.onnx@18::CenterCropPad
.- Type constraints:
T: tensor(bfloat16), tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
Tind: tensor(int32), tensor(int64)
- spox.opset.ai.onnx.v19.clip(input: Var, min: Var | None = None, max: Var | None = None) Var [source]
Clip operator limits the given input within an interval. The interval is specified by the inputs ‘min’ and ‘max’. They default to numeric_limits::lowest() and numeric_limits::max(), respectively. When ‘min’ is greater than ‘max’, the clip operator sets all the ‘input’ values to the value of ‘max’. Thus, this is equivalent to ‘Min(max, Max(input, min))’.
- Parameters:
- input
Type T. Input tensor whose elements to be clipped
- min
Type T. Minimum value, under which element is replaced by min. It must be a scalar(tensor of empty shape).
- max
Type T. Maximum value, above which element is replaced by max. It must be a scalar(tensor of empty shape).
- Returns:
- outputVar
Type T. Output tensor with clipped input elements
Notes
Signature:
ai.onnx@13::Clip
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.col2_im(input: Var, image_shape: Var, block_shape: Var, *, dilations: Iterable[int] | None = None, pads: Iterable[int] | None = None, strides: Iterable[int] | None = None) Var [source]
The operator rearranges column blocks back into a multidimensional image
Col2Im behaves similarly to PyTorch’s fold https://pytorch.org/docs/stable/generated/torch.nn.Fold.html, but it only supports batched multi-dimensional image tensors. Another implementation in Python with N-dimension support can be found at https://github.com/f-dangel/unfoldNd/.
NOTE: Although specifying image_shape looks redundant because it could be calculated from convolution formulas, it is required as input for more advanced scenarios as explained at PyTorch’s implementation (https://github.com/pytorch/pytorch/blob/master/aten/src/ATen/native/Col2Im.cpp#L10)
- Parameters:
- input
Type T. Input data tensor to be rearranged from column blocks back into an image. This is a 3-dimensional tensor containing [N, C * n-ary-product(block_shape), L], where N is batch dimension, C is image channel dimension and L is number of blocks.The blocks are enumerated in increasing lexicographic-order of their indices.For example, with an image-size 1020 and block-size 918, there would be 2*3 blocks, enumerated in the order block(0, 0), block(0, 1), block(0, 2), block(1, 0), block(1, 1), block(1, 2).
- image_shape
Type tensor(int64). The shape of the spatial dimensions of the image after rearranging the column blocks.This is a 1-dimensional tensor with size of at least 2, containing the value [H_img, W_img] for a 2-D image or [dim_i1, dim_i2, …, dim_iN] for a N-D image.
- block_shape
Type tensor(int64). The shape of the block to apply on the input.This is a 1-dimensional tensor of size of at least 2, containing the value [H_block, W_block] for a 2-D image or [dim_b1, dim_b2, …, dim_bN] for a N-D block.This is the block-shape before dilation is applied to it.
- dilations
Attribute. 1-dimensional tensor with dilation value along each spatial axis of the image. If not present, the dilation defaults to 1 along each spatial axis of the image.
- pads
Attribute. 1-dimensional tensor with padding value for the beginning and ending along each spatial axis, it can take any value greater than or equal to 0. The value represent the number of pixels added to the beginning and end part of the corresponding axis.
pads
format should be as follow [x1_begin, x2_begin…x1_end, x2_end,…], where xi_begin is the number of pixels added at the beginning of axisi
and xi_end is the number of pixels added at the end of axisi
. If not present, the padding defaults to 0 along start and end of each spatial axis.- strides
Attribute. 1-dimensional tensor with stride value along each spatial axis. If not present, the stride defaults to 1 along each spatial axis.
- Returns:
- outputVar
Type T. Output tensor produced by rearranging blocks into an image.
Notes
Signature:
ai.onnx@18::Col2Im
.- Type constraints:
T: tensor(bfloat16), tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.compress(input: Var, condition: Var, *, axis: int | None = None) Var [source]
Selects slices from an input tensor along a given axis where condition evaluates to True for each axis index. In case axis is not provided, input is flattened before elements are selected. Compress behaves like numpy.compress: https://docs.scipy.org/doc/numpy/reference/generated/numpy.compress.html
- Parameters:
- input
Type T. Tensor of rank r >= 1.
- condition
Type T1. Rank 1 tensor of booleans to indicate which slices or data elements to be selected. Its length can be less than the input length along the axis or the flattened input size if axis is not specified. In such cases data slices or elements exceeding the condition length are discarded.
- axis
Attribute. (Optional) Axis along which to take slices. If not specified, input is flattened before elements being selected. Negative value means counting dimensions from the back. Accepted range is [-r, r-1] where r = rank(input).
- Returns:
- outputVar
Type T. Tensor of rank r if axis is specified. Otherwise output is a Tensor of rank 1.
Notes
Signature:
ai.onnx@11::Compress
.- Type constraints:
T: tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
T1: tensor(bool)
- spox.opset.ai.onnx.v19.concat(inputs: Sequence[Var], *, axis: int) Var [source]
Concatenate a list of tensors into a single tensor. All input tensors must have the same shape, except for the dimension size of the axis to concatenate on.
- Parameters:
- inputs
Type T. List of tensors for concatenation
- axis
Attribute. Which axis to concat on. A negative value means counting dimensions from the back. Accepted range is [-r, r-1] where r = rank(inputs)..
- Returns:
- concat_resultVar
Type T. Concatenated tensor
Notes
Signature:
ai.onnx@13::Concat
.- Type constraints:
T: tensor(bfloat16), tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.concat_from_sequence(input_sequence: Var, *, axis: int, new_axis: int = 0) Var [source]
Concatenate a sequence of tensors into a single tensor. All input tensors must have the same shape, except for the dimension size of the axis to concatenate on. By default ‘new_axis’ is 0, the behavior is similar to numpy.concatenate. When ‘new_axis’ is 1, the behavior is similar to numpy.stack.
- Parameters:
- input_sequence
Type S. Sequence of tensors for concatenation
- axis
Attribute. Which axis to concat on. Accepted range in
[-r, r - 1]
, wherer
is the rank of input tensors. Whennew_axis
is 1, accepted range is[-r - 1, r]
.- new_axis
Attribute. Insert and concatenate on a new axis or not, default 0 means do not insert new axis.
- Returns:
- concat_resultVar
Type T. Concatenated tensor
Notes
Signature:
ai.onnx@11::ConcatFromSequence
.- Type constraints:
S: seq(tensor(bool)), seq(tensor(complex128)), seq(tensor(complex64)), seq(tensor(double)), seq(tensor(float)), seq(tensor(float16)), seq(tensor(int16)), seq(tensor(int32)), seq(tensor(int64)), seq(tensor(int8)), seq(tensor(string)), seq(tensor(uint16)), seq(tensor(uint32)), seq(tensor(uint64)), seq(tensor(uint8))
T: tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.const(value: Buffer | _SupportsArray[dtype[Any]] | _NestedSequence[_SupportsArray[dtype[Any]]] | bool | int | float | complex | str | bytes | _NestedSequence[bool | int | float | complex | str | bytes], dtype: dtype[Any] | None | type[Any] | _SupportsDType[dtype[Any]] | str | tuple[Any, int] | tuple[Any, SupportsIndex | Sequence[SupportsIndex]] | list[Any] | _DTypeDict | tuple[Any, Any] = None) Var [source]
Convenience function for creating constants.
Shorthand for
constant(value=np.array(value, dtype))
. The types follow numpy rules.
- spox.opset.ai.onnx.v19.constant(*, value: ndarray | None = None, value_float: float | None = None, value_floats: Iterable[float] | None = None, value_int: int | None = None, value_ints: Iterable[int] | None = None, value_string: str | None = None, value_strings: Iterable[str] | None = None) Var [source]
This operator produces a constant tensor. Exactly one of the provided attributes, either value, sparse_value, or value_* must be specified.
- Parameters:
- value
Attribute. The value for the elements of the output tensor.
- value_float
Attribute. The value for the sole element for the scalar, float32, output tensor.
- value_floats
Attribute. The values for the elements for the 1D, float32, output tensor.
- value_int
Attribute. The value for the sole element for the scalar, int64, output tensor.
- value_ints
Attribute. The values for the elements for the 1D, int64, output tensor.
- value_string
Attribute. The value for the sole element for the scalar, UTF-8 string, output tensor.
- value_strings
Attribute. The values for the elements for the 1D, UTF-8 string, output tensor.
- Returns:
- outputVar
Type T. Output tensor containing the same value of the provided tensor.
Notes
Signature:
ai.onnx@19::Constant
.- Type constraints:
T: tensor(bfloat16), tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(float8e4m3fn), tensor(float8e4m3fnuz), tensor(float8e5m2), tensor(float8e5m2fnuz), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.constant_of_shape(input: Var, *, value: ndarray | None = None) Var [source]
Generate a tensor with given value and shape.
- Parameters:
- input
Type T1. 1D tensor. The shape of the expected output tensor. If empty tensor is given, the output would be a scalar. All values must be >= 0.
- value
Attribute. (Optional) The value of the output elements.Should be a one-element tensor. If not specified, it defaults to a tensor of value 0 and datatype float32
- Returns:
- outputVar
Type T2. Output tensor of shape specified by ‘input’.If attribute ‘value’ is specified, the value and datatype of the output tensor is taken from ‘value’.If attribute ‘value’ is not specified, the value in the output defaults to 0, and the datatype defaults to float32.
Notes
Signature:
ai.onnx@9::ConstantOfShape
.- Type constraints:
T1: tensor(int64)
T2: tensor(bool), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.conv(X: Var, W: Var, B: Var | None = None, *, auto_pad: str = 'NOTSET', dilations: Iterable[int] | None = None, group: int = 1, kernel_shape: Iterable[int] | None = None, pads: Iterable[int] | None = None, strides: Iterable[int] | None = None) Var [source]
The convolution operator consumes an input tensor and a filter, and computes the output.
- Parameters:
- X
Type T. Input data tensor from previous layer; has size (N x C x H x W), where N is the batch size, C is the number of channels, and H and W are the height and width. Note that this is for the 2D image. Otherwise the size is (N x C x D1 x D2 … x Dn). Optionally, if dimension denotation is in effect, the operation expects input data tensor to arrive with the dimension denotation of [DATA_BATCH, DATA_CHANNEL, DATA_FEATURE, DATA_FEATURE …].
- W
Type T. The weight tensor that will be used in the convolutions; has size (M x C/group x kH x kW), where C is the number of channels, and kH and kW are the height and width of the kernel, and M is the number of feature maps. For more than 2 dimensions, the kernel shape will be (M x C/group x k1 x k2 x … x kn), where (k1 x k2 x … kn) is the dimension of the kernel. Optionally, if dimension denotation is in effect, the operation expects the weight tensor to arrive with the dimension denotation of [FILTER_OUT_CHANNEL, FILTER_IN_CHANNEL, FILTER_SPATIAL, FILTER_SPATIAL …]. Assuming zero based indices for the shape array, X.shape[1] == (W.shape[1] * group) == C and W.shape[0] mod G == 0. Or in other words FILTER_IN_CHANNEL multiplied by the number of groups should be equal to DATA_CHANNEL and the number of feature maps M should be a multiple of the number of groups G.
- B
Type T. Optional 1D bias to be added to the convolution, has size of M.
- auto_pad
Attribute. auto_pad must be either NOTSET, SAME_UPPER, SAME_LOWER or VALID. Where default value is NOTSET, which means explicit padding is used. SAME_UPPER or SAME_LOWER mean pad the input so that
output_shape[i] = ceil(input_shape[i] / strides[i])
for each axisi
. The padding is split between the two sides equally or almost equally (depending on whether it is even or odd). In case the padding is an odd number, the extra padding is added at the end for SAME_UPPER and at the beginning for SAME_LOWER.- dilations
Attribute. dilation value along each spatial axis of the filter. If not present, the dilation defaults is 1 along each spatial axis.
- group
Attribute. number of groups input channels and output channels are divided into.
- kernel_shape
Attribute. The shape of the convolution kernel. If not present, should be inferred from input W.
- pads
Attribute. Padding for the beginning and ending along each spatial axis, it can take any value greater than or equal to 0. The value represent the number of pixels added to the beginning and end part of the corresponding axis.
pads
format should be as follow [x1_begin, x2_begin…x1_end, x2_end,…], where xi_begin the number of pixels added at the beginning of axisi
and xi_end, the number of pixels added at the end of axisi
. This attribute cannot be used simultaneously with auto_pad attribute. If not present, the padding defaults to 0 along start and end of each spatial axis.- strides
Attribute. Stride along each spatial axis. If not present, the stride defaults is 1 along each spatial axis.
- Returns:
- YVar
Type T. Output data tensor that contains the result of the convolution. The output dimensions are functions of the kernel size, stride size, and pad lengths.
Notes
Signature:
ai.onnx@11::Conv
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.conv_integer(x: Var, w: Var, x_zero_point: Var | None = None, w_zero_point: Var | None = None, *, auto_pad: str = 'NOTSET', dilations: Iterable[int] | None = None, group: int = 1, kernel_shape: Iterable[int] | None = None, pads: Iterable[int] | None = None, strides: Iterable[int] | None = None) Var [source]
The integer convolution operator consumes an input tensor, its zero-point, a filter, and its zero-point, and computes the output. The production MUST never overflow. The accumulation may overflow if and only if in 32 bits.
- Parameters:
- x
Type T1. Input data tensor from previous layer; has size (N x C x H x W), where N is the batch size, C is the number of channels, and H and W are the height and width. Note that this is for the 2D image. Otherwise the size is (N x C x D1 x D2 … x Dn). Optionally, if dimension denotation is in effect, the operation expects input data tensor to arrive with the dimension denotation of [DATA_BATCH, DATA_CHANNEL, DATA_FEATURE, DATA_FEATURE …].
- w
Type T2. The weight tensor that will be used in the convolutions; has size (M x C/group x kH x kW), where C is the number of channels, and kH and kW are the height and width of the kernel, and M is the number of feature maps. For more than 2 dimensions, the kernel shape will be (M x C/group x k1 x k2 x … x kn), where (k1 x k2 x … kn) is the dimension of the kernel. Optionally, if dimension denotation is in effect, the operation expects the weight tensor to arrive with the dimension denotation of [FILTER_OUT_CHANNEL, FILTER_IN_CHANNEL, FILTER_SPATIAL, FILTER_SPATIAL …]. X.shape[1] == (W.shape[1] * group) == C (assuming zero based indices for the shape array). Or in other words FILTER_IN_CHANNEL should be equal to DATA_CHANNEL.
- x_zero_point
Type T1. Zero point tensor for input ‘x’. It’s optional and default value is 0. It’s a scalar, which means a per-tensor/layer quantization.
- w_zero_point
Type T2. Zero point tensor for input ‘w’. It’s optional and default value is 0. It could be a scalar or a 1-D tensor, which means a per-tensor/layer or per output channel quantization. If it’s a 1-D tensor, its number of elements should be equal to the number of output channels (M)
- auto_pad
Attribute. auto_pad must be either NOTSET, SAME_UPPER, SAME_LOWER or VALID. Where default value is NOTSET, which means explicit padding is used. SAME_UPPER or SAME_LOWER mean pad the input so that
output_shape[i] = ceil(input_shape[i] / strides[i])
for each axisi
. The padding is split between the two sides equally or almost equally (depending on whether it is even or odd). In case the padding is an odd number, the extra padding is added at the end for SAME_UPPER and at the beginning for SAME_LOWER.- dilations
Attribute. dilation value along each spatial axis of the filter. If not present, the dilation defaults to 1 along each axis.
- group
Attribute. number of groups input channels and output channels are divided into. default is 1.
- kernel_shape
Attribute. The shape of the convolution kernel. If not present, should be inferred from input ‘w’.
- pads
Attribute. Padding for the beginning and ending along each spatial axis, it can take any value greater than or equal to 0.The value represent the number of pixels added to the beginning and end part of the corresponding axis.
pads
format should be as follow [x1_begin, x2_begin…x1_end, x2_end,…], where xi_begin the number ofpixels added at the beginning of axisi
and xi_end, the number of pixels added at the end of axisi
.This attribute cannot be used simultaneously with auto_pad attribute. If not present, the padding defaultsto 0 along start and end of each spatial axis.- strides
Attribute. Stride along each spatial axis. If not present, the stride defaults to 1 along each axis.
- Returns:
- yVar
Type T3. Output data tensor that contains the result of the convolution. The output dimensions are functions of the kernel size, stride size, and pad lengths.
Notes
Signature:
ai.onnx@10::ConvInteger
.- Type constraints:
T1: tensor(int8), tensor(uint8)
T2: tensor(int8), tensor(uint8)
T3: tensor(int32)
- spox.opset.ai.onnx.v19.conv_transpose(X: Var, W: Var, B: Var | None = None, *, auto_pad: str = 'NOTSET', dilations: Iterable[int] | None = None, group: int = 1, kernel_shape: Iterable[int] | None = None, output_padding: Iterable[int] | None = None, output_shape: Iterable[int] | None = None, pads: Iterable[int] | None = None, strides: Iterable[int] | None = None) Var [source]
The convolution transpose operator consumes an input tensor and a filter, and computes the output.
If the pads parameter is provided the shape of the output is calculated via the following equation:
output_shape[i] = stride[i] * (input_size[i] - 1) + output_padding[i] + ((kernel_shape[i] - 1) * dilations[i] + 1) - pads[start_i] - pads[end_i]
output_shape can also be explicitly specified in which case pads values are auto generated using these equations:
total_padding[i] = stride[i] * (input_size[i] - 1) + output_padding[i] + ((kernel_shape[i] - 1) * dilations[i] + 1) - output_shape[i] If (auto_pads == SAME_UPPER): pads[start_i] = total_padding[i]/2; pads[end_i] = total_padding[i] - (total_padding[i]/2) Else: pads[start_i] = total_padding[i] - (total_padding[i]/2); pads[end_i] = (total_padding[i]/2).
- Parameters:
- X
Type T. Input data tensor from previous layer; has size (N x C x H x W), where N is the batch size, C is the number of channels, and H and W are the height and width. Note that this is for the 2D image. Otherwise the size is (N x C x D1 x D2 … x Dn)
- W
Type T. The weight tensor that will be used in the convolutions; has size (C x M/group x kH x kW), where C is the number of channels, and kH and kW are the height and width of the kernel, and M is the number of feature maps. For more than 2 dimensions, the weight shape will be (C x M/group x k1 x k2 x … x kn), where (k1 x k2 x … x kn) is the dimension of the kernel. The number of channels in the output should be equal to W.shape[1] * group (assuming zero based indices of the shape array)
- B
Type T. Optional 1D bias to be added to the convolution, has size of M.
- auto_pad
Attribute. auto_pad must be either NOTSET, SAME_UPPER, SAME_LOWER or VALID. Where default value is NOTSET, which means explicit padding is used. SAME_UPPER or SAME_LOWER mean pad the input so that
output_shape[i] = input_shape[i] * strides[i]
for each axisi
. The padding is split between the two sides equally or almost equally (depending on whether it is even or odd). In case the padding is an odd number, the extra padding is added at the end for SAME_UPPER and at the beginning for SAME_LOWER.- dilations
Attribute. dilation value along each spatial axis of the filter. If not present, the dilation defaults to 1 along each spatial axis.
- group
Attribute. number of groups input channels and output channels are divided into.
- kernel_shape
Attribute. The shape of the convolution kernel. If not present, should be inferred from input W.
- output_padding
Attribute. Additional elements added to the side with higher coordinate indices in the output. Each padding value in “output_padding” must be less than the corresponding stride/dilation dimension. By default, this attribute is a zero vector. Note that this attribute doesn’t directly affect the computed output values. It only controls the selection of the computed values, so changing this attribute only adds or removes output elements. If “output_shape” is explicitly provided, “output_padding” does not contribute additional size to “output_shape” but participates in the computation of the needed padding amount. This is also called adjs or adjustment in some frameworks.
- output_shape
Attribute. The shape of the output can be explicitly set which will cause pads values to be auto generated. If output_shape is specified pads values are ignored. See doc for details for equations to generate pads. Note that the output_shape attribute value should not include dimensions for batch size and channels, which are automatically inferred.
- pads
Attribute. Padding for the beginning and ending along each spatial axis, it can take any value greater than or equal to 0. The value represent the number of pixels added to the beginning and end part of the corresponding axis.
pads
format should be as follow [x1_begin, x2_begin…x1_end, x2_end,…], where xi_begin the number of pixels added at the beginning of axisi
and xi_end, the number of pixels added at the end of axisi
. This attribute cannot be used simultaneously with auto_pad attribute. If not present, the padding defaults to 0 along start and end of each spatial axis.- strides
Attribute. Stride along each spatial axis. If not present, the stride defaults to 1 along each spatial axis.
- Returns:
- YVar
Type T. Output data tensor that contains the result of the convolution. The output dimensions are functions of the kernel size, stride size, pad lengths and group count. The number of channels in the output should be equal to W.shape[1] * group (assuming zero based indices of the shape array)
Notes
Signature:
ai.onnx@11::ConvTranspose
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.cos(input: Var) Var [source]
Calculates the cosine of the given input tensor, element-wise.
- Parameters:
- input
Type T. Input tensor
- Returns:
- outputVar
Type T. The cosine of the input tensor computed element-wise
Notes
Signature:
ai.onnx@7::Cos
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.cosh(input: Var) Var [source]
Calculates the hyperbolic cosine of the given input tensor element-wise.
- Parameters:
- input
Type T. Input tensor
- Returns:
- outputVar
Type T. The hyperbolic cosine values of the input tensor computed element-wise
Notes
Signature:
ai.onnx@9::Cosh
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.cumsum(x: Var, axis: Var, *, exclusive: int = 0, reverse: int = 0) Var [source]
Performs cumulative sum of the input elements along the given axis. By default, it will do the sum inclusively meaning the first element is copied as is. Through an
exclusive
attribute, this behavior can change to exclude the first element. It can also perform summation in the opposite direction of the axis. For that, setreverse
attribute to 1.Example:
input_x = [1, 2, 3] axis=0 output = [1, 3, 6] exclusive=1 output = [0, 1, 3] exclusive=0 reverse=1 output = [6, 5, 3] exclusive=1 reverse=1 output = [5, 3, 0]
- Parameters:
- x
Type T. An input tensor that is to be processed.
- axis
Type T2. A 0-D tensor. Must be in the range [-rank(x), rank(x)-1]. Negative value means counting dimensions from the back.
- exclusive
Attribute. If set to 1 will return exclusive sum in which the top element is not included. In other terms, if set to 1, the j-th output element would be the sum of the first (j-1) elements. Otherwise, it would be the sum of the first j elements.
- reverse
Attribute. If set to 1 will perform the sums in reverse direction.
- Returns:
- yVar
Type T. Output tensor of the same type as ‘x’ with cumulative sums of the x’s elements
Notes
Signature:
ai.onnx@14::CumSum
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int32), tensor(int64), tensor(uint32), tensor(uint64)
T2: tensor(int32), tensor(int64)
- spox.opset.ai.onnx.v19.deform_conv(X: Var, W: Var, offset: Var, B: Var | None = None, mask: Var | None = None, *, dilations: Iterable[int] | None = None, group: int = 1, kernel_shape: Iterable[int] | None = None, offset_group: int = 1, pads: Iterable[int] | None = None, strides: Iterable[int] | None = None) Var [source]
Performs deformable convolution as described in https://arxiv.org/abs/1703.06211 and https://arxiv.org/abs/1811.11168. This operator specification supports the general N-D case. Note that most common use cases have 2D or 3D data.
- Parameters:
- X
Type T. Input data tensor. For 2D image data, it has shape (N, C, H, W) where N is the batch size, C is the number of input channels, and H and W are the height and width. In general, the shape is (N, C, D1, D2, … , Dn) for n-dimensional data, where D1 to Dn are the spatial dimension sizes. Most common use cases have n = 2 or 3.
- W
Type T. Weight tensor that will be used in the convolutions. It has shape (oC, C/group, kH, kW), where oC is the number of output channels and kH and kW are the kernel height and width. For more than 2 dimensions, it has shape (oC, C/group, k1, k2, … , kn).
- offset
Type T. Offset tensor denoting the offset for the sampling locations in the convolution kernel. It has shape (N, offset_group * kH * kW * 2, oH, oW) for 2D data or (N, offset_group * k1 * k2 * … * kn * n, o1, o2, … , on) for nD data. Use linear interpolationfor fractional offset values. Sampling locations outside of the padded input tensor gives zero.
- B
Type T. Optional 1D bias of length oC to be added to the convolution. Default is a tensor of zeros.
- mask
Type T. The mask tensor to be applied to each position in the convolution kernel. It has shape (N, offset_group * kH * kW, oH, oW) for 2D data or (N, offset_group * k1 * k2 * … * kn * n, o1, o2, … , on) for nD data. Default is a tensor of ones.
- dilations
Attribute. Dilation value along each spatial axis of the kernel. Default is 1 along each axis.
- group
Attribute. Number of groups the input and output channels, C and oC, are divided into. C and oC must both be divisible by group. Default is 1.
- kernel_shape
Attribute. Shape of the convolution kernel. If not present, it is inferred from the shape of input W.
- offset_group
Attribute. Number of groups of offset. C must be divisible by offset_group. Default is 1.
- pads
Attribute. Padding for the beginning and end along each spatial axis. The values represent the number of pixels added to the beginning and end of the corresponding axis and can take any nonnegative value. The format should be as follows: [x1_begin, x2_begin, …, x1_end, x2_end, …], where xi_begin is the number of pixels added at the beginning of axis
i
and xi_end is the number of pixels added at the end of axisi
. Default is 0 along each axis.- strides
Attribute. Stride along each spatial axis. Default is 1 along each axis.
- Returns:
- YVar
Type T. Output data tensor that contains the result of convolution. It has shape (N, oC, oH, oW) for 2D data or (N, oC, o1, o2, …, on) for nD data
Notes
Signature:
ai.onnx@19::DeformConv
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.depth_to_space(input: Var, *, blocksize: int, mode: str = 'DCR') Var [source]
DepthToSpace rearranges (permutes) data from depth into blocks of spatial data. This is the reverse transformation of SpaceToDepth. More specifically, this op outputs a copy of the input tensor where values from the depth dimension are moved in spatial blocks to the height and width dimensions. By default,
mode
=DCR
. In the DCR mode, elements along the depth dimension from the input tensor are rearranged in the following order: depth, column, and then row. The output y is computed from the input x as below:b, c, h, w = x.shape tmp = np.reshape(x, [b, blocksize, blocksize, c // (blocksize**2), h, w]) tmp = np.transpose(tmp, [0, 3, 4, 1, 5, 2]) y = np.reshape(tmp, [b, c // (blocksize**2), h * blocksize, w * blocksize])
In the CRD mode, elements along the depth dimension from the input tensor are rearranged in the following order: column, row, and the depth. The output y is computed from the input x as below:
b, c, h, w = x.shape tmp = np.reshape(x, [b, c // (blocksize ** 2), blocksize, blocksize, h, w]) tmp = np.transpose(tmp, [0, 1, 4, 2, 5, 3]) y = np.reshape(tmp, [b, c // (blocksize ** 2), h * blocksize, w * blocksize])
- Parameters:
- input
Type T. Input tensor of [N,C,H,W], where N is the batch axis, C is the channel or depth, H is the height and W is the width.
- blocksize
Attribute. Blocks of [blocksize, blocksize] are moved.
- mode
Attribute. DCR (default) for depth-column-row order re-arrangement. Use CRD for column-row-depth order.
- Returns:
- outputVar
Type T. Output tensor of [N, C/(blocksize * blocksize), H * blocksize, W * blocksize].
Notes
Signature:
ai.onnx@13::DepthToSpace
.- Type constraints:
T: tensor(bfloat16), tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.dequantize_linear(x: Var, x_scale: Var, x_zero_point: Var | None = None, *, axis: int = 1) Var [source]
The linear dequantization operator. It consumes a quantized tensor, a scale, and a zero point to compute the full precision tensor. The dequantization formula is
y = (x - x_zero_point) * x_scale
.x_scale
andx_zero_point
must have same shape, and can be either a scalar for per-tensor / per layer quantization, or a 1-D tensor for per-axis quantization.x_zero_point
andx
must have same type.x
andy
must have same shape. In the case of dequantizing int32, there’s no zero point (zero point is supposed to be 0).zero-point
is usually not used in the case of float8e4m3fn, float8e4m3fnuz, float8e5m2, float8e5m2fnuz quantization, but the dequantization formula remains the same for consistency and ‘x_scale’ still determines the output type.- Parameters:
- x
Type T1. N-D quantized input tensor to be de-quantized.
- x_scale
Type T2. Scale for input ‘x’. It can be a scalar, which means a per-tensor/layer dequantization, or a 1-D tensor for per-axis dequantization.
- x_zero_point
Type T1. Zero point for input ‘x’. Shape must match x_scale. It’s optional. Zero point is 0 when it’s not specified.
- axis
Attribute. (Optional) The axis of the dequantizing dimension of the input tensor. Used only for per-axis quantization. Negative value means counting dimensions from the back. Accepted range is
[-r, r-1]
wherer = rank(input)
. When the rank of the input is 1, per-tensor quantization is applied, rendering the axis unnecessary in this scenario.
- Returns:
- yVar
Type T2. N-D full precision output tensor. It has same shape as input ‘x’.
Notes
Signature:
ai.onnx@19::DequantizeLinear
.- Type constraints:
T1: tensor(float8e4m3fn), tensor(float8e4m3fnuz), tensor(float8e5m2), tensor(float8e5m2fnuz), tensor(int32), tensor(int8), tensor(uint8)
T2: tensor(bfloat16), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.det(X: Var) Var [source]
Det calculates determinant of a square matrix or batches of square matrices. Det takes one input tensor of shape
[*, M, M]
, where*
is zero or more batch dimensions, and the inner-most 2 dimensions form square matrices. The output is a tensor of shape[*]
, containing the determinants of all input submatrices. e.g., When the input is 2-D, the output is a scalar(shape is empty:[]
).- Parameters:
- X
Type T. Input tensor
- Returns:
- YVar
Type T. Output tensor
Notes
Signature:
ai.onnx@11::Det
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.dft(input: Var, dft_length: Var | None = None, *, axis: int = 1, inverse: int = 0, onesided: int = 0) Var [source]
Computes the discrete Fourier transform of input.
- Parameters:
- input
Type T1. For real input, the following shape is expected: [batch_idx][signal_dim1][signal_dim2]…[signal_dimN][1]. For complex input, the following shape is expected: [batch_idx][signal_dim1][signal_dim2]…[signal_dimN][2]. The first dimension is the batch dimension. The following N dimensions correspond to the signal’s dimensions. The final dimension represents the real and imaginary parts of the value in that order.
- dft_length
Type T2. The length of the signal as a scalar. If greater than the axis dimension, the signal will be zero-padded up to dft_length. If less than the axis dimension, only the first dft_length values will be used as the signal. It’s an optional value.
- axis
Attribute. The axis on which to perform the DFT. By default this value is set to 1, which corresponds to the first dimension after the batch index. Negative value means counting dimensions from the back. Accepted range is \([-r, -2] \cup [0, r-2]\) where
r = rank(input)
. The last dimension is for representing complex numbers and thus is an invalid axis.- inverse
Attribute. Whether to perform the inverse discrete fourier transform. By default this value is set to 0, which corresponds to false.
- onesided
Attribute. If onesided is 1, only values for w in [0, 1, 2, …, floor(n_fft/2) + 1] are returned because the real-to-complex Fourier transform satisfies the conjugate symmetry, i.e., X[m, w] = X[m, n_fft-w]*. Note if the input or window tensors are complex, then onesided output is not possible. Enabling onesided with real inputs performs a Real-valued fast Fourier transform (RFFT). When invoked with real or complex valued input, the default value is 0. Values can be 0 or 1.
- Returns:
- outputVar
Type T1. The Fourier Transform of the input vector. If onesided is 0, the following shape is expected: [batch_idx][signal_dim1][signal_dim2]…[signal_dimN][2]. If axis=1 and onesided is 1, the following shape is expected: [batch_idx][floor(signal_dim1/2)+1][signal_dim2]…[signal_dimN][2]. If axis=2 and onesided is 1, the following shape is expected: [batch_idx][signal_dim1][floor(signal_dim2/2)+1]…[signal_dimN][2]. If axis=N and onesided is 1, the following shape is expected: [batch_idx][signal_dim1][signal_dim2]…[floor(signal_dimN/2)+1][2]. The signal_dim at the specified axis is equal to the dft_length.
Notes
Signature:
ai.onnx@17::DFT
.- Type constraints:
T1: tensor(bfloat16), tensor(double), tensor(float), tensor(float16)
T2: tensor(int32), tensor(int64)
- spox.opset.ai.onnx.v19.div(A: Var, B: Var) Var [source]
Performs element-wise binary division (with Numpy-style broadcasting support).
This operator supports multidirectional (i.e., Numpy-style) broadcasting; for more details please check the doc.
(Opset 14 change): Extend supported types to include uint8, int8, uint16, and int16.
- Parameters:
- A
Type T. First operand.
- B
Type T. Second operand.
- Returns:
- CVar
Type T. Result, has same element type as two inputs
Notes
Signature:
ai.onnx@14::Div
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.dropout(data: Var, ratio: Var | None = None, training_mode: Var | None = None, *, seed: int | None = None) tuple[Var, Var] [source]
Dropout takes an input floating-point tensor, an optional input ratio (floating-point scalar) and an optional input training_mode (boolean scalar). It produces two tensor outputs, output (floating-point tensor) and mask (optional
Tensor<bool>
). Iftraining_mode
is true then the output Y will be a random dropout; Note that this Dropout scales the masked input data by the following equation, so to convert the trained model into inference mode, the user can simply not passtraining_mode
input or set it to false.output = scale * data * mask,
where
scale = 1. / (1. - ratio).
This operator has optional inputs/outputs. See the doc for more details about the representation of optional arguments. An empty string may be used in the place of an actual argument’s name to indicate a missing argument. Trailing optional arguments (those not followed by an argument that is present) may also be simply omitted.
- Parameters:
- data
Type T. The input data as Tensor.
- ratio
Type T1. The ratio of random dropout, with value in [0, 1). If this input was not set, or if it was set to 0, the output would be a simple copy of the input. If it’s non-zero, output will be a random dropout of the scaled input, which is typically the case during training. It is an optional value, if not specified it will default to 0.5.
- training_mode
Type T2. If set to true then it indicates dropout is being used for training. It is an optional value hence unless specified explicitly, it is false. If it is false, ratio is ignored and the operation mimics inference mode where nothing will be dropped from the input data and if mask is requested as output it will contain all ones.
- seed
Attribute. (Optional) Seed to the random generator, if not specified we will auto generate one.
- Returns:
- outputVar
Type T. The output.
- maskVar
Type T2. The output mask.
Notes
Signature:
ai.onnx@13::Dropout
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16)
T1: tensor(double), tensor(float), tensor(float16)
T2: tensor(bool)
- spox.opset.ai.onnx.v19.dynamic_quantize_linear(x: Var) tuple[Var, Var, Var] [source]
A Function to fuse calculation for Scale, Zero Point and FP32->8Bit conversion of FP32 Input data. Outputs Scale, ZeroPoint and Quantized Input for a given FP32 Input. Scale is calculated as:
y_scale = (maximum(0, max(x)) - minimum(0, min(x))) / (qmax - qmin)
where qmax and qmin are max and min values for quantization range i.e. [0, 255] in case of uint8
data range is adjusted to include 0.
Zero point is calculated as:
intermediate_zero_point = qmin - min(x)/y_scale y_zero_point = cast(round(saturate(itermediate_zero_point)))
where qmax and qmin are max and min values for quantization range .i.e [0, 255] in case of uint8
for saturation, it saturates to [0, 255] if it’s uint8, or [-127, 127] if it’s int8. Right now only uint8 is supported.
rounding to nearest ties to even.
Data quantization formula is:
y = saturate (round (x / y_scale) + y_zero_point)
for saturation, it saturates to [0, 255] if it’s uint8, or [-127, 127] if it’s int8. Right now only uint8 is supported.
rounding to nearest ties to even.
- Parameters:
- x
Type T1. Input tensor
- Returns:
- yVar
Type T2. Quantized output tensor
- y_scaleVar
Type tensor(float). Output scale. It’s a scalar, which means a per-tensor/layer quantization.
- y_zero_pointVar
Type T2. Output zero point. It’s a scalar, which means a per-tensor/layer quantization.
Notes
Signature:
ai.onnx@11::DynamicQuantizeLinear
.- Type constraints:
T1: tensor(float)
T2: tensor(uint8)
- spox.opset.ai.onnx.v19.einsum(Inputs: Sequence[Var], *, equation: str) Var [source]
An einsum of the form
term1, term2 -> output-term
produces an output tensor using the following equationoutput[output-term] = reduce-sum( input1[term1] * input2[term2] )
where the reduce-sum performs a summation over all the indices occurring in the input terms (term1, term2) that do not occur in the output-term.
The Einsum operator evaluates algebraic tensor operations on a sequence of tensors, using the Einstein summation convention. The equation string contains a comma-separated sequence of lower case letters. Each term corresponds to an operand tensor, and the characters within the terms correspond to operands dimensions.
This sequence may be followed by “->” to separate the left and right hand side of the equation. If the equation contains “->” followed by the right-hand side, the explicit (not classical) form of the Einstein summation is performed, and the right-hand side indices indicate output tensor dimensions. In other cases, output indices are (implicitly) set to the alphabetically sorted sequence of indices appearing exactly once in the equation.
When a dimension character is repeated in the left-hand side, it represents summation along the dimension.
The equation may contain ellipsis (”…”) to enable broadcasting. Ellipsis must indicate a fixed number of dimensions. Specifically, every occurrence of ellipsis in the equation must represent the same number of dimensions. The right-hand side may contain exactly one ellipsis. In implicit mode, the ellipsis dimensions are set to the beginning of the output. The equation string may contain space (U+0020) character.
- Parameters:
- Inputs
Type T. Operands
- equation
Attribute. Einsum expression string.
- Returns:
- OutputVar
Type T. Output tensor
Notes
Signature:
ai.onnx@12::Einsum
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.elu(X: Var, *, alpha: float = 1.0) Var [source]
Elu takes one input data (Tensor<T>) and produces one output data (Tensor<T>) where the function
f(x) = alpha * (exp(x) - 1.) for x < 0
,f(x) = x for x >= 0
., is applied to the tensor elementwise.- Parameters:
- X
Type T. 1D input tensor
- alpha
Attribute. Coefficient of ELU.
- Returns:
- YVar
Type T. 1D output tensor
Notes
Signature:
ai.onnx@6::Elu
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.equal(A: Var, B: Var) Var [source]
Returns the tensor resulted from performing the
equal
logical operation elementwise on the input tensorsA
andB
(with Numpy-style broadcasting support).This operator supports multidirectional (i.e., Numpy-style) broadcasting; for more details please check the doc.
- Parameters:
- A
Type T. First input operand for the logical operator.
- B
Type T. Second input operand for the logical operator.
- Returns:
- CVar
Type T1. Result tensor.
Notes
Signature:
ai.onnx@19::Equal
.- Type constraints:
T: tensor(bfloat16), tensor(bool), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
T1: tensor(bool)
- spox.opset.ai.onnx.v19.erf(input: Var) Var [source]
Computes the error function of the given input tensor element-wise.
- Parameters:
- input
Type T. Input tensor
- Returns:
- outputVar
Type T. The error function of the input tensor computed element-wise. It has the same shape and type of the input.
Notes
Signature:
ai.onnx@13::Erf
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.exp(input: Var) Var [source]
Calculates the exponential of the given input tensor, element-wise.
- Parameters:
- input
Type T. Input tensor
- Returns:
- outputVar
Type T. The exponential of the input tensor computed element-wise
Notes
Signature:
ai.onnx@13::Exp
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.expand(input: Var, shape: Var) Var [source]
Broadcast the input tensor following the given shape and the broadcast rule. The broadcast rule is similar to numpy.array(input) * numpy.ones(shape): Dimensions are right alignment; Two corresponding dimensions must have the same value, or one of them is equal to 1. Also, this operator is similar to numpy.broadcast_to(input, shape), but the major difference is numpy.broadcast_to() does not allow shape to be smaller than input.size(). It is possible that the output.shape is not equal to shape, when some dimensions in shape is equal to 1, or the shape.ndim < input.shape.ndim.
- Parameters:
- input
Type T. Input tensor
- shape
Type tensor(int64). A 1-D tensor indicates the shape you want to expand to, following the broadcast rule
- Returns:
- outputVar
Type T. Output tensor
Notes
Signature:
ai.onnx@13::Expand
.- Type constraints:
T: tensor(bfloat16), tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.eye_like(input: Var, *, dtype: dtype[Any] | None | type[Any] | _SupportsDType[dtype[Any]] | str | tuple[Any, int] | tuple[Any, SupportsIndex | Sequence[SupportsIndex]] | list[Any] | _DTypeDict | tuple[Any, Any] = None, k: int = 0) Var [source]
Generate a 2D tensor (matrix) with ones on the diagonal and zeros everywhere else. Only 2D tensors are supported, i.e. input T1 must be of rank 2. The shape of the output tensor is the same as the input tensor. The data type can be specified by the ‘dtype’ argument. If ‘dtype’ is not specified, then the type of input tensor is used. By default, the main diagonal is populated with ones, but attribute ‘k’ can be used to populate upper or lower diagonals. The ‘dtype’ argument must be one of the data types specified in the ‘DataType’ enum field in the TensorProto message and be valid as an output type.
- Parameters:
- input
Type T1. 2D input tensor to copy shape, and optionally, type information from.
- dtype
Attribute. (Optional) The data type for the elements of the output tensor. If not specified,the data type of the input tensor T1 is used. If input tensor T1 is also notspecified, then type defaults to ‘float’.
- k
Attribute. (Optional) Index of the diagonal to be populated with ones. Default is 0. If T2 is the output, this op sets T2[i, i+k] = 1. k = 0 populates the main diagonal, k > 0 populates an upper diagonal, and k < 0 populates a lower diagonal.
- Returns:
- outputVar
Type T2. Output tensor, same shape as input tensor T1.
Notes
Signature:
ai.onnx@9::EyeLike
.- Type constraints:
T1: tensor(bool), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
T2: tensor(bool), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.flatten(input: Var, *, axis: int = 1) Var [source]
Flattens the input tensor into a 2D matrix. If input tensor has shape (d_0, d_1, … d_n) then the output will have shape (d_0 X d_1 … d_(axis-1), d_axis X d_(axis+1) … X dn).
- Parameters:
- input
Type T. A tensor of rank >= axis.
- axis
Attribute. Indicate up to which input dimensions (exclusive) should be flattened to the outer dimension of the output. The value for axis must be in the range [-r, r], where r is the rank of the input tensor. Negative value means counting dimensions from the back. When axis = 0, the shape of the output tensor is (1, (d_0 X d_1 … d_n), where the shape of the input tensor is (d_0, d_1, … d_n).
- Returns:
- outputVar
Type T. A 2D tensor with the contents of the input tensor, with input dimensions up to axis flattened to the outer dimension of the output and remaining input dimensions flattened into the inner dimension of the output.
Notes
Signature:
ai.onnx@13::Flatten
.- Type constraints:
T: tensor(bfloat16), tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.floor(X: Var) Var [source]
Floor takes one input data (Tensor<T>) and produces one output data (Tensor<T>) where the floor is, y = floor(x), is applied to the tensor elementwise. If x is integral, +0, -0, NaN, or infinite, x itself is returned.
- Parameters:
- X
Type T. Input tensor
- Returns:
- YVar
Type T. Output tensor
Notes
Signature:
ai.onnx@13::Floor
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.gather(data: Var, indices: Var, *, axis: int = 0) Var [source]
Given
data
tensor of rank r >= 1, andindices
tensor of rank q, gather entries of the axis dimension ofdata
(by default outer-most one as axis=0) indexed byindices
, and concatenates them in an output tensor of rank q + (r - 1).It is an indexing operation that indexes into the input
data
along a single (specified) axis. Each entry inindices
produces ar-1
dimensional slice of the input tensor. The entire operation produces, conceptually, aq
-dimensional tensor ofr-1
dimensional slices, which is arranged into aq + (r-1)
-dimensional tensor, with theq
dimensions taking the place of the originalaxis
that is being indexed into.The following few examples illustrate how
Gather
works for specific shapes ofdata
,indices
, and given value ofaxis
: | data shape | indices shape | axis | output shape | output equation | | — | — | — | — | — | | (P, Q) | ( ) (a scalar) | 0 | (Q) | output[q] = data[indices, q] | | (P, Q, R) | ( ) (a scalar) | 1 | (P, R) | output[p, r] = data[p, indices, r] | | (P, Q) | (R, S) | 0 | (R, S, Q) | output[r, s, q] = data[ [indices[r, s], q] | | (P, Q) | (R, S) | 1 | (P, R, S) | output[p, r, s] = data[ p, indices[r, s]] |More generally, if
axis = 0
, letk = indices[i_{0}, ..., i_{q-1}]
thenoutput[i_{0}, ..., i_{q-1}, j_{0}, ..., j_{r-2}] = input[k , j_{0}, ..., j_{r-2}]
:data = [ [1.0, 1.2], [2.3, 3.4], [4.5, 5.7], ] indices = [ [0, 1], [1, 2], ] output = [ [ [1.0, 1.2], [2.3, 3.4], ], [ [2.3, 3.4], [4.5, 5.7], ], ]
If
axis = 1
, letk = indices[i_{0}, ..., i_{q-1}]
thenoutput[j_{0}, i_{0}, ..., i_{q-1}, j_{1}, ..., j_{r-2}] = input[j_{0}, k, j_{1}, ..., j_{r-2}]
:data = [ [1.0, 1.2, 1.9], [2.3, 3.4, 3.9], [4.5, 5.7, 5.9], ] indices = [ [0, 2], ] axis = 1, output = [ [[1.0, 1.9]], [[2.3, 3.9]], [[4.5, 5.9]], ]
- Parameters:
- data
Type T. Tensor of rank r >= 1.
- indices
Type Tind. Tensor of int32/int64 indices, of any rank q. All index values are expected to be within bounds [-s, s-1] along axis of size s. It is an error if any of the index values are out of bounds.
- axis
Attribute. Which axis to gather on. Negative value means counting dimensions from the back. Accepted range is [-r, r-1] where r = rank(data).
- Returns:
- outputVar
Type T. Tensor of rank q + (r - 1).
Notes
Signature:
ai.onnx@13::Gather
.- Type constraints:
T: tensor(bfloat16), tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
Tind: tensor(int32), tensor(int64)
- spox.opset.ai.onnx.v19.gather_elements(data: Var, indices: Var, *, axis: int = 0) Var [source]
GatherElements takes two inputs
data
andindices
of the same rank r >= 1 and an optional attributeaxis
that identifies an axis ofdata
(by default, the outer-most axis, that is axis 0). It is an indexing operation that produces its output by indexing into the input data tensor at index positions determined by elements of theindices
tensor. Its output shape is the same as the shape ofindices
and consists of one value (gathered from thedata
) for each element inindices
.For instance, in the 3-D case (r = 3), the output produced is determined by the following equations:
out[i][j][k] = input[index[i][j][k]][j][k] if axis = 0, out[i][j][k] = input[i][index[i][j][k]][k] if axis = 1, out[i][j][k] = input[i][j][index[i][j][k]] if axis = 2,
This operator is also the inverse of ScatterElements. It is similar to Torch’s gather operation.
Example 1:
data = [ [1, 2], [3, 4], ] indices = [ [0, 0], [1, 0], ] axis = 1 output = [ [1, 1], [4, 3], ]
Example 2:
data = [ [1, 2, 3], [4, 5, 6], [7, 8, 9], ] indices = [ [1, 2, 0], [2, 0, 0], ] axis = 0 output = [ [4, 8, 3], [7, 2, 3], ]
- Parameters:
- data
Type T. Tensor of rank r >= 1.
- indices
Type Tind. Tensor of int32/int64 indices, with the same rank r as the input. All index values are expected to be within bounds [-s, s-1] along axis of size s. It is an error if any of the index values are out of bounds.
- axis
Attribute. Which axis to gather on. Negative value means counting dimensions from the back. Accepted range is [-r, r-1] where r = rank(data).
- Returns:
- outputVar
Type T. Tensor of the same shape as indices.
Notes
Signature:
ai.onnx@13::GatherElements
.- Type constraints:
T: tensor(bfloat16), tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
Tind: tensor(int32), tensor(int64)
- spox.opset.ai.onnx.v19.gather_nd(data: Var, indices: Var, *, batch_dims: int = 0) Var [source]
Given
data
tensor of rankr
>= 1,indices
tensor of rankq
>= 1, andbatch_dims
integerb
, this operator gathers slices ofdata
into an output tensor of rankq + r - indices_shape[-1] - 1 - b
.indices
is an q-dimensional integer tensor, best thought of as a(q-1)
-dimensional tensor of index-tuples intodata
, where each element defines a slice ofdata
batch_dims
(denoted asb
) is an integer indicating the number of batch dimensions, i.e the leadingb
number of dimensions ofdata
tensor andindices
are representing the batches, and the gather starts from theb+1
dimension.Some salient points about the inputs’ rank and shape:
r >= 1 and q >= 1 are to be honored. There is no dependency condition to be met between ranks
r
andq
The first
b
dimensions of the shape ofindices
tensor anddata
tensor must be equal.b < min(q, r) is to be honored.
The
indices_shape[-1]
should have a value between 1 (inclusive) and rankr-b
(inclusive)All values in
indices
are expected to be within bounds [-s, s-1] along axis of sizes
(i.e.)-data_shape[i] <= indices[...,i] <= data_shape[i] - 1
. It is an error if any of the index values are out of bounds.
The output is computed as follows:
The output tensor is obtained by mapping each index-tuple in the
indices
tensor to the corresponding slice of the inputdata
.If
indices_shape[-1] > r-b
=> error conditionIf
indices_shape[-1] == r-b
, since the rank ofindices
isq
,indices
can be thought of asN
(q-b-1)
-dimensional tensors containing 1-D tensors of dimensionr-b
, whereN
is an integer equals to the product of 1 and all the elements in the batch dimensions of the indices_shape. Let us think of each suchr-b
ranked tensor asindices_slice
. Each scalar value corresponding todata[0:b-1,indices_slice]
is filled into the corresponding location of the(q-b-1)
-dimensional tensor to form theoutput
tensor (Example 1 below)If
indices_shape[-1] < r-b
, since the rank ofindices
isq
,indices
can be thought of asN
(q-b-1)
-dimensional tensor containing 1-D tensors of dimension< r-b
. Let us think of each such tensors asindices_slice
. Each tensor slice corresponding todata[0:b-1, indices_slice , :]
is filled into the corresponding location of the(q-b-1)
-dimensional tensor to form theoutput
tensor (Examples 2, 3, 4 and 5 below)
This operator is the inverse of
ScatterND
.Example 1
batch_dims = 0 data = [[0,1],[2,3]] # data_shape = [2, 2] indices = [[0,0],[1,1]] # indices_shape = [2, 2] output = [0,3] # output_shape = [2]
Example 2
batch_dims = 0 data = [[0,1],[2,3]] # data_shape = [2, 2] indices = [[1],[0]] # indices_shape = [2, 1] output = [[2,3],[0,1]] # output_shape = [2, 2]
Example 3
batch_dims = 0 data = [[[0,1],[2,3]],[[4,5],[6,7]]] # data_shape = [2, 2, 2] indices = [[0,1],[1,0]] # indices_shape = [2, 2] output = [[2,3],[4,5]] # output_shape = [2, 2]
Example 4
batch_dims = 0 data = [[[0,1],[2,3]],[[4,5],[6,7]]] # data_shape = [2, 2, 2] indices = [[[0,1]],[[1,0]]] # indices_shape = [2, 1, 2] output = [[[2,3]],[[4,5]]] # output_shape = [2, 1, 2]
Example 5
batch_dims = 1 data = [[[0,1],[2,3]],[[4,5],[6,7]]] # data_shape = [2, 2, 2] indices = [[1],[0]] # indices_shape = [2, 1] output = [[2,3],[4,5]] # output_shape = [2, 2]
- Parameters:
- data
Type T. Tensor of rank r >= 1.
- indices
Type tensor(int64). Tensor of rank q >= 1. All index values are expected to be within bounds [-s, s-1] along axis of size s. It is an error if any of the index values are out of bounds.
- batch_dims
Attribute. The number of batch dimensions. The gather of indexing starts from dimension of data[batch_dims:]
- Returns:
- outputVar
Type T. Tensor of rank q + r - indices_shape[-1] - 1.
Notes
Signature:
ai.onnx@13::GatherND
.- Type constraints:
T: tensor(bfloat16), tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.gemm(A: Var, B: Var, C: Var | None = None, *, alpha: float = 1.0, beta: float = 1.0, transA: int = 0, transB: int = 0) Var [source]
General Matrix multiplication: https://en.wikipedia.org/wiki/Basic_Linear_Algebra_Subprograms#Level_3
A’ = transpose(A) if transA else A
B’ = transpose(B) if transB else B
Compute Y = alpha * A’ * B’ + beta * C, where input tensor A has shape (M, K) or (K, M), input tensor B has shape (K, N) or (N, K), input tensor C is broadcastable to shape (M, N), and output tensor Y has shape (M, N). A will be transposed before doing the computation if attribute transA is non-zero, same for B and transB. This operator supports unidirectional broadcasting (tensor C should be unidirectional broadcastable to tensor A * B); for more details please check the doc. This operator has optional inputs/outputs. See the doc for more details about the representation of optional arguments. An empty string may be used in the place of an actual argument’s name to indicate a missing argument. Trailing optional arguments (those not followed by an argument that is present) may also be simply omitted.
- Parameters:
- A
Type T. Input tensor A. The shape of A should be (M, K) if transA is 0, or (K, M) if transA is non-zero.
- B
Type T. Input tensor B. The shape of B should be (K, N) if transB is 0, or (N, K) if transB is non-zero.
- C
Type T. Optional input tensor C. If not specified, the computation is done as if C is a scalar 0. The shape of C should be unidirectional broadcastable to (M, N).
- alpha
Attribute. Scalar multiplier for the product of input tensors A * B.
- beta
Attribute. Scalar multiplier for input tensor C.
- transA
Attribute. Whether A should be transposed
- transB
Attribute. Whether B should be transposed
- Returns:
- YVar
Type T. Output tensor of shape (M, N).
Notes
Signature:
ai.onnx@13::Gemm
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int32), tensor(int64), tensor(uint32), tensor(uint64)
- spox.opset.ai.onnx.v19.global_average_pool(X: Var) Var [source]
GlobalAveragePool consumes an input tensor X and applies average pooling across the values in the same channel. This is equivalent to AveragePool with kernel size equal to the spatial dimension of input tensor.
- Parameters:
- X
Type T. Input data tensor from the previous operator; dimensions for image case are (N x C x H x W), where N is the batch size, C is the number of channels, and H and W are the height and the width of the data. For non image case, the dimensions are in the form of (N x C x D1 x D2 … Dn), where N is the batch size.
- Returns:
- YVar
Type T. Output data tensor from pooling across the input tensor. The output tensor has the same rank as the input. The first two dimensions of output shape are the same as the input (N x C), while the other dimensions are all 1.
Notes
Signature:
ai.onnx@1::GlobalAveragePool
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.global_lp_pool(X: Var, *, p: int = 2) Var [source]
GlobalLpPool consumes an input tensor X and applies lp pool pooling across the values in the same channel. This is equivalent to LpPool with kernel size equal to the spatial dimension of input tensor.
- Parameters:
- X
Type T. Input data tensor from the previous operator; dimensions for image case are (N x C x H x W), where N is the batch size, C is the number of channels, and H and W are the height and the width of the data. For non image case, the dimensions are in the form of (N x C x D1 x D2 … Dn), where N is the batch size.
- p
Attribute. p value of the Lp norm used to pool over the input data.
- Returns:
- YVar
Type T. Output data tensor from pooling across the input tensor. The output tensor has the same rank as the input. The first two dimensions of output shape are the same as the input (N x C), while the other dimensions are all 1.
Notes
Signature:
ai.onnx@2::GlobalLpPool
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.global_max_pool(X: Var) Var [source]
GlobalMaxPool consumes an input tensor X and applies max pooling across the values in the same channel. This is equivalent to MaxPool with kernel size equal to the spatial dimension of input tensor.
- Parameters:
- X
Type T. Input data tensor from the previous operator; dimensions for image case are (N x C x H x W), where N is the batch size, C is the number of channels, and H and W are the height and the width of the data. For non image case, the dimensions are in the form of (N x C x D1 x D2 … Dn), where N is the batch size.
- Returns:
- YVar
Type T. Output data tensor from pooling across the input tensor. The output tensor has the same rank as the input. The first two dimensions of output shape are the same as the input (N x C), while the other dimensions are all 1.
Notes
Signature:
ai.onnx@1::GlobalMaxPool
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.greater(A: Var, B: Var) Var [source]
Returns the tensor resulted from performing the
greater
logical operation elementwise on the input tensorsA
andB
(with Numpy-style broadcasting support).This operator supports multidirectional (i.e., Numpy-style) broadcasting; for more details please check the doc.
- Parameters:
- A
Type T. First input operand for the logical operator.
- B
Type T. Second input operand for the logical operator.
- Returns:
- CVar
Type T1. Result tensor.
Notes
Signature:
ai.onnx@13::Greater
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
T1: tensor(bool)
- spox.opset.ai.onnx.v19.greater_or_equal(A: Var, B: Var) Var [source]
Returns the tensor resulted from performing the
greater_equal
logical operation elementwise on the input tensorsA
andB
(with Numpy-style broadcasting support).This operator supports multidirectional (i.e., Numpy-style) broadcasting; for more details please check the doc.
- Parameters:
- A
Type T. First input operand for the logical operator.
- B
Type T. Second input operand for the logical operator.
- Returns:
- CVar
Type T1. Result tensor.
Notes
Signature:
ai.onnx@16::GreaterOrEqual
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
T1: tensor(bool)
- spox.opset.ai.onnx.v19.grid_sample(X: Var, grid: Var, *, align_corners: int = 0, mode: str = 'bilinear', padding_mode: str = 'zeros') Var [source]
Given an input
X
and a flow-fieldgrid
, computes the outputY
usingX
values and pixel locations fromgrid
. Currently, only spatial (4-D) inputs are supported. For inputX
with shape (N, C, H, W) andgrid
with shape (N, H_out, W_out, 2), the outputY
will have shape (N, C, H_out, W_out).The tensor
X
contains values at centers of square pixels in a H by W 2-dimensional image. The tensorgrid
describes normalized positions where the outputY
is to be computed using a specified interpolation method (the mode) and a padding mode (for grid positions falling outside the 2-dimensional image).Elements in
grid[N, H_out, W_out]
are size-2 vectors specifying positions in the 2-dimensional space ofX
. They are used to interpolate output values ofY[N, C, H_out, W_out]
.The GridSample operator is often used in doing grid generator and sampler in the Spatial Transformer Networks. See also in torch.nn.functional.grid_sample.
- Parameters:
- X
Type T1. 4-D tensor of shape (N, C, H, W), where N is the batch size, C is the numbers of channels, H and W are the height and width of the input data.
- grid
Type T2. Input offset, 4-D tensor of shape (N, H_out, W_out, 2), where H_out and W_out are the height and width of grid and output, Grid specifies the sampling pixel locations normalized by the input spatial dimensions. Therefore, it should have most values in the range of [-1, 1]. If grid has values outside the range of [-1, 1], the corresponding outputs will be handled as defined by padding_mode.
- align_corners
Attribute. If align_corners=1, the extrema (-1 and 1) are considered as referring to the center points of the input’s corner pixels. If align_corners=0, they are instead considered as referring to the corner points of the input’s corner pixels, making the sampling more resolution agnostic.
- mode
Attribute. Three interpolation modes: bilinear (default), nearest and bicubic.
- padding_mode
Attribute. Support padding modes for outside grid values:
zeros
(default),border
,reflection
. zeros: use 0 for out-of-bound grid locations, border: use border values for out-of-bound grid locations, reflection: use values at locations reflected by the border for out-of-bound grid locations. If index 0 represents the margin pixel, the reflected value at index -1 will be the same as the value at index 1. For location far away from the border, it will keep being reflected until becoming in bound. If pixel location x = -3.5 reflects by border -1 and becomes x’ = 1.5, then reflects by border 1 and becomes x’’ = 0.5.
- Returns:
- YVar
Type T1. 4-D tensor of shape (N, C, H_out, W_out) of sampled values. For integer input types, intermediate values are computed as floating point and cast to integer at the end.
Notes
Signature:
ai.onnx@16::GridSample
.- Type constraints:
T1: tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
T2: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.gru(X: Var, W: Var, R: Var, B: Var | None = None, sequence_lens: Var | None = None, initial_h: Var | None = None, *, activation_alpha: Iterable[float] | None = None, activation_beta: Iterable[float] | None = None, activations: Iterable[str] | None = None, clip: float | None = None, direction: str = 'forward', hidden_size: int | None = None, layout: int = 0, linear_before_reset: int = 0) tuple[Var, Var] [source]
Computes an one-layer GRU. This operator is usually supported via some custom implementation such as CuDNN.
Notations:
X
- input tensorz
- update gater
- reset gateh
- hidden gatet
- time step (t-1 means previous time step)W[zrh]
- W parameter weight matrix for update, reset, and hidden gatesR[zrh]
- R recurrence weight matrix for update, reset, and hidden gatesWb[zrh]
- W bias vectors for update, reset, and hidden gatesRb[zrh]
- R bias vectors for update, reset, and hidden gatesWB[zrh]
- W parameter weight matrix for backward update, reset, and hidden gatesRB[zrh]
- R recurrence weight matrix for backward update, reset, and hidden gatesWBb[zrh]
- W bias vectors for backward update, reset, and hidden gatesRBb[zrh]
- R bias vectors for backward update, reset, and hidden gatesH
- Hidden statenum_directions
- 2 if direction == bidirectional else 1
Activation functions:
Relu(x) - max(0, x)
Tanh(x) - (1 - e^{-2x})/(1 + e^{-2x})
Sigmoid(x) - 1/(1 + e^{-x})
NOTE: Below are optional
Affine(x) - alpha * x + beta
LeakyRelu(x) - x if x >= 0 else alpha * x
ThresholdedRelu(x) - x if x >= alpha else 0
ScaledTanh(x) - alpha * Tanh(beta * x)
HardSigmoid(x) - min(max(alpha * x + beta, 0), 1)
Elu(x) - x if x >= 0 else alpha * (e^x - 1)
Softsign(x) - x/(1 + |x|)
Softplus(x) - log(1 + e^x)
Equations (Default: f=Sigmoid, g=Tanh):
zt = f(Xt*(Wz^T) + Ht-1*(Rz^T) + Wbz + Rbz)
rt = f(Xt*(Wr^T) + Ht-1*(Rr^T) + Wbr + Rbr)
ht = g(Xt*(Wh^T) + (rt (.) Ht-1)*(Rh^T) + Rbh + Wbh) # default, when linear_before_reset = 0
ht = g(Xt*(Wh^T) + (rt (.) (Ht-1*(Rh^T) + Rbh)) + Wbh) # when linear_before_reset != 0
Ht = (1 - zt) (.) ht + zt (.) Ht-1 This operator has optional inputs/outputs. See the doc for more details about the representation of optional arguments. An empty string may be used in the place of an actual argument’s name to indicate a missing argument. Trailing optional arguments (those not followed by an argument that is present) may also be simply omitted.
- Parameters:
- X
Type T. The input sequences packed (and potentially padded) into one 3-D tensor with the shape of
[seq_length, batch_size, input_size]
.- W
Type T. The weight tensor for the gates. Concatenation of
W[zrh]
andWB[zrh]
(if bidirectional) along dimension 0. This tensor has shape[num_directions, 3*hidden_size, input_size]
.- R
Type T. The recurrence weight tensor. Concatenation of
R[zrh]
andRB[zrh]
(if bidirectional) along dimension 0. This tensor has shape[num_directions, 3*hidden_size, hidden_size]
.- B
Type T. The bias tensor for the gates. Concatenation of
[Wb[zrh], Rb[zrh]]
and[WBb[zrh], RBb[zrh]]
(if bidirectional) along dimension 0. This tensor has shape[num_directions, 6*hidden_size]
. Optional: If not specified - assumed to be 0- sequence_lens
Type T1. Optional tensor specifying lengths of the sequences in a batch. If not specified - assumed all sequences in the batch to have length
seq_length
. It has shape[batch_size]
.- initial_h
Type T. Optional initial value of the hidden. If not specified - assumed to be 0. It has shape
[num_directions, batch_size, hidden_size]
.- activation_alpha
Attribute. Optional scaling values used by some activation functions. The values are consumed in the order of activation functions, for example (f, g, h) in LSTM. Default values are the same as of corresponding ONNX operators.For example with LeakyRelu, the default alpha is 0.01.
- activation_beta
Attribute. Optional scaling values used by some activation functions. The values are consumed in the order of activation functions, for example (f, g, h) in LSTM. Default values are the same as of corresponding ONNX operators.
- activations
Attribute. A list of 2 (or 4 if bidirectional) activation functions for update, reset, and hidden gates. The activation functions must be one of the activation functions specified above. Optional: See the equations for default if not specified.
- clip
Attribute. Cell clip threshold. Clipping bounds the elements of a tensor in the range of [-threshold, +threshold] and is applied to the input of activations. No clip if not specified.
- direction
Attribute. Specify if the RNN is forward, reverse, or bidirectional. Must be one of forward (default), reverse, or bidirectional.
- hidden_size
Attribute. Number of neurons in the hidden layer
- layout
Attribute. The shape format of inputs X, initial_h and outputs Y, Y_h. If 0, the following shapes are expected: X.shape = [seq_length, batch_size, input_size], Y.shape = [seq_length, num_directions, batch_size, hidden_size], initial_h.shape = Y_h.shape = [num_directions, batch_size, hidden_size]. If 1, the following shapes are expected: X.shape = [batch_size, seq_length, input_size], Y.shape = [batch_size, seq_length, num_directions, hidden_size], initial_h.shape = Y_h.shape = [batch_size, num_directions, hidden_size].
- linear_before_reset
Attribute. When computing the output of the hidden gate, apply the linear transformation before multiplying by the output of the reset gate.
- Returns:
- YVar
Type T. A tensor that concats all the intermediate output values of the hidden. It has shape
[seq_length, num_directions, batch_size, hidden_size]
.- Y_hVar
Type T. The last output value of the hidden. It has shape
[num_directions, batch_size, hidden_size]
.
Notes
Signature:
ai.onnx@14::GRU
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
T1: tensor(int32)
- spox.opset.ai.onnx.v19.hamming_window(size: Var, *, output_datatype: int = 1, periodic: int = 1) Var [source]
Generates a Hamming window as described in the paper https://ieeexplore.ieee.org/document/1455106.
- Parameters:
- size
Type T1. A scalar value indicating the length of the window.
- output_datatype
Attribute. The data type of the output tensor. Strictly must be one of the values from DataType enum in TensorProto whose values correspond to T2. The default value is 1 = FLOAT.
- periodic
Attribute. If 1, returns a window to be used as periodic function. If 0, return a symmetric window. When ‘periodic’ is specified, hann computes a window of length size + 1 and returns the first size points. The default value is 1.
- Returns:
- outputVar
Type T2. A Hamming window with length: size. The output has the shape: [size].
Notes
Signature:
ai.onnx@17::HammingWindow
.- Type constraints:
T1: tensor(int32), tensor(int64)
T2: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.hann_window(size: Var, *, output_datatype: int = 1, periodic: int = 1) Var [source]
Generates a Hann window as described in the paper https://ieeexplore.ieee.org/document/1455106.
- Parameters:
- size
Type T1. A scalar value indicating the length of the window.
- output_datatype
Attribute. The data type of the output tensor. Strictly must be one of the values from DataType enum in TensorProto whose values correspond to T2. The default value is 1 = FLOAT.
- periodic
Attribute. If 1, returns a window to be used as periodic function. If 0, return a symmetric window. When ‘periodic’ is specified, hann computes a window of length size + 1 and returns the first size points. The default value is 1.
- Returns:
- outputVar
Type T2. A Hann window with length: size. The output has the shape: [size].
Notes
Signature:
ai.onnx@17::HannWindow
.- Type constraints:
T1: tensor(int32), tensor(int64)
T2: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.hard_sigmoid(X: Var, *, alpha: float = 0.20000000298023224, beta: float = 0.5) Var [source]
HardSigmoid takes one input data (Tensor<T>) and produces one output data (Tensor<T>) where the HardSigmoid function, y = max(0, min(1, alpha * x + beta)), is applied to the tensor elementwise.
- Parameters:
- X
Type T. Input tensor
- alpha
Attribute. Value of alpha.
- beta
Attribute. Value of beta.
- Returns:
- YVar
Type T. Output tensor
Notes
Signature:
ai.onnx@6::HardSigmoid
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.hard_swish(X: Var) Var [source]
HardSwish takes one input data (Tensor<T>) and produces one output data (Tensor<T>) where the HardSwish function, y = x * max(0, min(1, alpha * x + beta)) = x * HardSigmoid<alpha, beta>(x), where alpha = 1/6 and beta = 0.5, is applied to the tensor elementwise.
- Parameters:
- X
Type T. Input tensor
- Returns:
- YVar
Type T. Output tensor
Notes
Signature:
ai.onnx@14::HardSwish
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.hardmax(input: Var, *, axis: int = -1) Var [source]
The operator computes the hardmax values for the given input:
Hardmax(element in input, axis) = 1 if the element is the first maximum value along the specified axis, 0 otherwise
The “axis” attribute indicates the dimension along which Hardmax will be performed. The output tensor has the same shape and contains the Hardmax values of the corresponding input.
- Parameters:
- input
Type T. The input tensor of rank >= axis.
- axis
Attribute. Describes the dimension Hardmax will be performed on. Negative value means counting dimensions from the back. Accepted range is [-r, r-1] where r = rank(input).
- Returns:
- outputVar
Type T. The output values with the same shape as the input tensor.
Notes
Signature:
ai.onnx@13::Hardmax
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.identity(input: Var) Var [source]
Identity operator
- Parameters:
- input
Type V. Input tensor
- Returns:
- outputVar
Type V. Tensor to copy input into.
Notes
Signature:
ai.onnx@19::Identity
.- Type constraints:
V: optional(seq(tensor(bool))), optional(seq(tensor(complex128))), optional(seq(tensor(complex64))), optional(seq(tensor(double))), optional(seq(tensor(float))), optional(seq(tensor(float16))), optional(seq(tensor(int16))), optional(seq(tensor(int32))), optional(seq(tensor(int64))), optional(seq(tensor(int8))), optional(seq(tensor(string))), optional(seq(tensor(uint16))), optional(seq(tensor(uint32))), optional(seq(tensor(uint64))), optional(seq(tensor(uint8))), optional(tensor(bool)), optional(tensor(complex128)), optional(tensor(complex64)), optional(tensor(double)), optional(tensor(float)), optional(tensor(float16)), optional(tensor(int16)), optional(tensor(int32)), optional(tensor(int64)), optional(tensor(int8)), optional(tensor(string)), optional(tensor(uint16)), optional(tensor(uint32)), optional(tensor(uint64)), optional(tensor(uint8)), seq(tensor(bool)), seq(tensor(complex128)), seq(tensor(complex64)), seq(tensor(double)), seq(tensor(float)), seq(tensor(float16)), seq(tensor(int16)), seq(tensor(int32)), seq(tensor(int64)), seq(tensor(int8)), seq(tensor(string)), seq(tensor(uint16)), seq(tensor(uint32)), seq(tensor(uint64)), seq(tensor(uint8)), tensor(bfloat16), tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(float8e4m3fn), tensor(float8e4m3fnuz), tensor(float8e5m2), tensor(float8e5m2fnuz), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.if_(cond: Var, *, else_branch: Callable[[], Iterable[Var]], then_branch: Callable[[], Iterable[Var]]) Sequence[Var] [source]
If conditional
- Parameters:
- cond
Type B. Condition for the if. The tensor must contain a single element.
- else_branch
Attribute. Graph to run if condition is false. Has N outputs: values you wish to be live-out to the enclosing scope. The number of outputs must match the number of outputs in the then_branch.
- then_branch
Attribute. Graph to run if condition is true. Has N outputs: values you wish to be live-out to the enclosing scope. The number of outputs must match the number of outputs in the else_branch.
- Returns:
- outputsSequence[Var]
Type V. Values that are live-out to the enclosing scope. The return values in the
then_branch
andelse_branch
must be of the same data type. Thethen_branch
andelse_branch
may produce tensors with the same element type and different shapes. If corresponding outputs from the then-branch and the else-branch have static shapes S1 and S2, then the shape of the corresponding output variable of the if-node (if present) must be compatible with both S1 and S2 as it represents the union of both possible shapes.For example, if in a model file, the first output ofthen_branch
is typed float tensor with shape [2] and the first output ofelse_branch
is another float tensor with shape [3], If’s first output should have (a) no shape set, or (b) a shape of rank 1 with neitherdim_value
nordim_param
set, or (c) a shape of rank 1 with a uniquedim_param
. In contrast, the first output cannot have the shape [2] since [2] and [3] are not compatible.
Notes
Signature:
ai.onnx@19::If
.- Type constraints:
B: tensor(bool)
V: optional(seq(tensor(bfloat16))), optional(seq(tensor(bool))), optional(seq(tensor(complex128))), optional(seq(tensor(complex64))), optional(seq(tensor(double))), optional(seq(tensor(float))), optional(seq(tensor(float16))), optional(seq(tensor(int16))), optional(seq(tensor(int32))), optional(seq(tensor(int64))), optional(seq(tensor(int8))), optional(seq(tensor(string))), optional(seq(tensor(uint16))), optional(seq(tensor(uint32))), optional(seq(tensor(uint64))), optional(seq(tensor(uint8))), optional(tensor(bfloat16)), optional(tensor(bool)), optional(tensor(complex128)), optional(tensor(complex64)), optional(tensor(double)), optional(tensor(float)), optional(tensor(float16)), optional(tensor(float8e4m3fn)), optional(tensor(float8e4m3fnuz)), optional(tensor(float8e5m2)), optional(tensor(float8e5m2fnuz)), optional(tensor(int16)), optional(tensor(int32)), optional(tensor(int64)), optional(tensor(int8)), optional(tensor(string)), optional(tensor(uint16)), optional(tensor(uint32)), optional(tensor(uint64)), optional(tensor(uint8)), seq(tensor(bfloat16)), seq(tensor(bool)), seq(tensor(complex128)), seq(tensor(complex64)), seq(tensor(double)), seq(tensor(float)), seq(tensor(float16)), seq(tensor(float8e4m3fn)), seq(tensor(float8e4m3fnuz)), seq(tensor(float8e5m2)), seq(tensor(float8e5m2fnuz)), seq(tensor(int16)), seq(tensor(int32)), seq(tensor(int64)), seq(tensor(int8)), seq(tensor(string)), seq(tensor(uint16)), seq(tensor(uint32)), seq(tensor(uint64)), seq(tensor(uint8)), tensor(bfloat16), tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(float8e4m3fn), tensor(float8e4m3fnuz), tensor(float8e5m2), tensor(float8e5m2fnuz), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.instance_normalization(input: Var, scale: Var, B: Var, *, epsilon: float = 9.999999747378752e-06) Var [source]
Carries out instance normalization as described in the paper https://arxiv.org/abs/1607.08022.
y = scale * (x - mean) / sqrt(variance + epsilon) + B, where mean and variance are computed per instance per channel.
- Parameters:
- input
Type T. Input data tensor from the previous operator; dimensions for image case are (N x C x H x W), where N is the batch size, C is the number of channels, and H and W are the height and the width of the data. For non image case, the dimensions are in the form of (N x C x D1 x D2 … Dn), where N is the batch size.
- scale
Type T. The input 1-dimensional scale tensor of size C.
- B
Type T. The input 1-dimensional bias tensor of size C.
- epsilon
Attribute. The epsilon value to use to avoid division by zero.
- Returns:
- outputVar
Type T. The output tensor of the same shape as input.
Notes
Signature:
ai.onnx@6::InstanceNormalization
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.isinf(X: Var, *, detect_negative: int = 1, detect_positive: int = 1) Var [source]
Map infinity to true and other values to false.
- Parameters:
- X
Type T1. input
- detect_negative
Attribute. (Optional) Whether map negative infinity to true. Default to 1 so that negative infinity induces true. Set this attribute to 0 if negative infinity should be mapped to false.
- detect_positive
Attribute. (Optional) Whether map positive infinity to true. Default to 1 so that positive infinity induces true. Set this attribute to 0 if positive infinity should be mapped to false.
- Returns:
- YVar
Type T2. output
Notes
Signature:
ai.onnx@10::IsInf
.- Type constraints:
T1: tensor(double), tensor(float)
T2: tensor(bool)
- spox.opset.ai.onnx.v19.isnan(X: Var) Var [source]
Returns which elements of the input are NaN.
- Parameters:
- X
Type T1. input
- Returns:
- YVar
Type T2. output
Notes
Signature:
ai.onnx@13::IsNaN
.- Type constraints:
T1: tensor(bfloat16), tensor(double), tensor(float), tensor(float16)
T2: tensor(bool)
- spox.opset.ai.onnx.v19.layer_normalization(X: Var, Scale: Var, B: Var | None = None, *, axis: int = -1, epsilon: float = 9.999999747378752e-06, stash_type: int = 1) tuple[Var, Var, Var] [source]
This is layer normalization defined in ONNX as function. The overall computation can be split into two stages. The first stage is standardization, which makes the normalized elements have zero mean and unit variances. The computation required by standardization can be described by the following equations.
Mean = ReduceMean<axes=normalized_axes>(X) D = Sub(X, Mean) DD = Mul(D, D) Var = ReduceMean<axes=normalized_axes>(DD) VarEps = Add(Var, epsilon) StdDev = Sqrt(VarEps) InvStdDev = Reciprocal(StdDev) Normalized = Mul(D, InvStdDev)
wherenormalized_axes
is[axis, ..., rank of X - 1]
. The variablesVar
andStdDev
stand for variance and standard deviation, respectively. The second output isMean
and the last one isInvStdDev
. Depending onstash_type
attribute, the actual computation must happen in different floating-point precision. For example, ifstash_type
is 1, this operator casts all input variables to 32-bit float, perform the computation, and finally castNormalized
back to the original type ofX
. The second stage then scales and shifts the outcome of the first stage usingNormalizedScaled = Mul(Normalized, Scale) Y = Add(NormalizedScaled, B)
The second stage doesn’t depends onstash_type
. All equations are in this syntax. The same variable (i.e., input, output, and attribute) uses the same name in the equations above and this operator’s definition. Letd[i]
indicate the i-th dimension ofX
. IfX
’s shape is[d[0], ..., d[axis-1], d[axis], ..., d[rank-1]]
, the shape ofMean
andInvStdDev
is[d[0], ..., d[axis-1], 1, ..., 1]
.Y
andX
have the same shape. This operator supports unidirectional broadcasting (tensorsScale
andB
should be unidirectional broadcastable to tensorX
); for more details please check the doc.- Parameters:
- X
Type T. Tensor to be normalized.
- Scale
Type T. Scale tensor.
- B
Type T. Bias tensor.
- axis
Attribute. The first normalization dimension. If rank(X) is r, axis’ allowed range is [-r, r). Negative value means counting dimensions from the back.
- epsilon
Attribute. The epsilon value to use to avoid division by zero.
- stash_type
Attribute. Type of Mean and InvStdDev. This also specifies stage one’s computation precision.
- Returns:
- YVar
Type T. Normalized tensor.
- MeanVar
Type U. Saved mean used during training to speed up gradient computation
- InvStdDevVar
Type U. Saved inverse standard deviation used during training to speed up gradient computation.
Notes
Signature:
ai.onnx@17::LayerNormalization
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16)
U: tensor(bfloat16), tensor(float)
- spox.opset.ai.onnx.v19.leaky_relu(X: Var, *, alpha: float = 0.009999999776482582) Var [source]
LeakyRelu takes input data (Tensor<T>) and an argument alpha, and produces one output data (Tensor<T>) where the function
f(x) = alpha * x for x < 0
,f(x) = x for x >= 0
, is applied to the data tensor elementwise.- Parameters:
- X
Type T. Input tensor
- alpha
Attribute. Coefficient of leakage.
- Returns:
- YVar
Type T. Output tensor
Notes
Signature:
ai.onnx@16::LeakyRelu
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.less(A: Var, B: Var) Var [source]
Returns the tensor resulted from performing the
less
logical operation elementwise on the input tensorsA
andB
(with Numpy-style broadcasting support).This operator supports multidirectional (i.e., Numpy-style) broadcasting; for more details please check the doc.
- Parameters:
- A
Type T. First input operand for the logical operator.
- B
Type T. Second input operand for the logical operator.
- Returns:
- CVar
Type T1. Result tensor.
Notes
Signature:
ai.onnx@13::Less
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
T1: tensor(bool)
- spox.opset.ai.onnx.v19.less_or_equal(A: Var, B: Var) Var [source]
Returns the tensor resulted from performing the
less_equal
logical operation elementwise on the input tensorsA
andB
(with Numpy-style broadcasting support).This operator supports multidirectional (i.e., Numpy-style) broadcasting; for more details please check the doc.
- Parameters:
- A
Type T. First input operand for the logical operator.
- B
Type T. Second input operand for the logical operator.
- Returns:
- CVar
Type T1. Result tensor.
Notes
Signature:
ai.onnx@16::LessOrEqual
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
T1: tensor(bool)
- spox.opset.ai.onnx.v19.log(input: Var) Var [source]
Calculates the natural log of the given input tensor, element-wise.
- Parameters:
- input
Type T. Input tensor
- Returns:
- outputVar
Type T. The natural log of the input tensor computed element-wise
Notes
Signature:
ai.onnx@13::Log
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.log_softmax(input: Var, *, axis: int = -1) Var [source]
The operator computes the log of softmax values for the given input:
LogSoftmax(input, axis) = Log(Softmax(input, axis=axis))
The “axis” attribute indicates the dimension along which LogSoftmax will be performed. The output tensor has the same shape and contains the LogSoftmax values of the corresponding input.
- Parameters:
- input
Type T. The input tensor of rank >= axis.
- axis
Attribute. Describes the dimension LogSoftmax will be performed on. Negative value means counting dimensions from the back. Accepted range is [-r, r-1] where r = rank(input).
- Returns:
- outputVar
Type T. The output values with the same shape as the input tensor.
Notes
Signature:
ai.onnx@13::LogSoftmax
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.loop(M: Var | None = None, cond: Var | None = None, v_initial: Sequence[Var] = (), *, body: Callable[[...], Iterable[Var]]) Sequence[Var] [source]
Generic Looping construct. This loop has multiple termination conditions:
Trip count. Iteration count specified at runtime. Set by specifying the input M. Optional. Set to empty string to omit. Note that a static trip count (specified at graph construction time) can be specified by passing in a constant node for input M.
Loop termination condition. This is an input to the op that determines whether to run the first iteration and also a loop-carried dependency for the body graph. The body graph must yield a value for the condition variable, whether this input is provided or not.
This table summarizes the operating modes of this operator with equivalent C-style code:
Operator inputs defined as (max_trip_count, condition_var).
input (“”, “”): for (int i=0; ; ++i) { cond = … // Note this value is ignored, but is required in the body }
input (“”, cond) // Note this is analogous to a while loop bool cond = …; for (int i=0; cond; ++i) { cond = …; }
input (“”, 1) // Note this is analogous to a do-while loop bool cond = true for (int i=0; cond; ++i) { cond = …; }
input (trip_count, “”) // Note this is analogous to a for loop int trip_count = … for (int i=0; i < trip_count; ++i) { cond = …; // ignored }
input (trip_count, cond) int trip_count = …; bool cond = …; for (int i=0; i < trip_count && cond; ++i) { cond = …; }
Sample usage - cond as well as trip count
graph predict-net { %a = Constant[value = <Scalar Tensor [3]>]() %b = Constant[value = <Scalar Tensor [6]>]() %keepgoing = Constant[value = <Scalar Tensor [1]>]() %max_trip_count = Constant[value = <Scalar Tensor [10]>]() %keepgoing_out, %b_out, %user_defined_vals = Loop[body = <graph body-net>](%max_trip_count, %keepgoing, %b) return } graph body-net ( %i[INT32, scalar] // iteration number %keepgoing_in[BOOL, scalar] // incoming loop-termination-condition; not used %b_in[INT32, scalar] // incoming value of loop-carried-dependency b ) { %my_local = Add(%a, %b_in) %b_out = Sub(%a, %b_in) // outgoing value of loop-carried-dependency b %keepgoing_out = Greater(%my_local, %b_out) // outgoing loop-termination-condition %user_defined_val = Add(%b_in, %b_in) // scan-output value to be accumulated return %keepgoing_out, %b_out, %user_defined_val }
Sample equivalent C code
{ /* User-defined code (enclosing scope) */ int a = 3, b = 6; bool keepgoing = true; // Analogous to input cond /* End user-defined code */ /* Implicitly-defined code */ const int max_trip_count = 10; // Analogous to input M int user_defined_vals[]; // Imagine this is resizable /* End implicitly-defined code */ /* initialize loop-carried variables and scan-output variables */ bool keepgoing_out = keepgoing int b_out = b for (int i=0; i < max_trip_count && keepgoing_out; ++i) { /* Implicitly-defined code: bind actual parameter values to formal parameter variables of loop-body */ bool keepgoing_in = keepgoing_out; bool b_in = b_out; /* User-defined code (loop body) */ int my_local = a + b_in; // Reading value "a" from the enclosing scope is fine b_out = a - b_in; keepgoing_out = my_local > b_out; user_defined_val = b_in + b_in; // b_in and b_out are different variables /* End user-defined code */ /* Implicitly defined-code */ user_defined_vals[i] = user_defined_val // accumulate scan-output values } // int t = my_local; // Can't do this. my_local is not accessible here. // The values below are bound to the output variables of the loop and therefore accessible // b_out; user_defined_vals; keepgoing_out; }
There are several things of note in this code snippet:
Values from the enclosing scope (i.e. variable “a” here) are in scope and can be referenced in the inputs of the loop.
Any values computed in the loop body that needs to be used in a subsequent iteration or after the loop are modelled using a pair of variables in the loop-body, consisting of an input variable (eg., b_in) and an output variable (eg., b_out). These are referred to as loop-carried dependences. The loop operation node supplies the input value of the input variable for the first iteration, and returns the output value of the output variable produced by the final iteration.
Scan_output variables are used to implicitly concatenate values computed across all the iterations. In the above example, the value of user_defined_val computed over all iterations are concatenated and returned as the value of user_defined_vals after the loop.
Values created in the body cannot be accessed in the enclosing scope, except using the mechanism described above.
Note that the semantics of this op support “diagonal” or “wavefront” execution. (See Step 3 here for an example: https://devblogs.nvidia.com/optimizing-recurrent-neural-networks-cudnn-5/). Frontends should emit multi-layer RNNs as a series of While operators (with time being the inner looping dimension), with each successive layer consuming the scan_outputs from the previous layer, possibly going through several point-wise operators (e.g. dropout, residual connections, linear layer).
The input/output of subgraph (produced by loop node) matching is based on order instead of name. The implementation will figure out the names based on this order.
- Parameters:
- M
Type I. A maximum trip-count for the loop specified at runtime. Optional. Pass empty string to skip.
- cond
Type B. A boolean termination condition. Optional. Pass empty string to skip.
- v_initial
Type V. The initial values of any loop-carried dependencies (values that change across loop iterations)
- body
Attribute. The graph run each iteration. It has 2+N inputs: (iteration_num, condition, loop carried dependencies…). It has 1+N+K outputs: (condition, loop carried dependencies…, scan_outputs…). Each scan_output is created by concatenating the value of the specified output value at the end of each iteration of the loop. It is an error if the dimensions or data type of these scan_outputs change across loop iterations.
- Returns:
- v_final_and_scan_outputsSequence[Var]
Type V. Final N loop carried dependency values then K scan_outputs. Scan outputs must be Tensors.
Notes
Signature:
ai.onnx@19::Loop
.- Type constraints:
I: tensor(int64)
B: tensor(bool)
V: optional(seq(tensor(bfloat16))), optional(seq(tensor(bool))), optional(seq(tensor(complex128))), optional(seq(tensor(complex64))), optional(seq(tensor(double))), optional(seq(tensor(float))), optional(seq(tensor(float16))), optional(seq(tensor(int16))), optional(seq(tensor(int32))), optional(seq(tensor(int64))), optional(seq(tensor(int8))), optional(seq(tensor(string))), optional(seq(tensor(uint16))), optional(seq(tensor(uint32))), optional(seq(tensor(uint64))), optional(seq(tensor(uint8))), optional(tensor(bfloat16)), optional(tensor(bool)), optional(tensor(complex128)), optional(tensor(complex64)), optional(tensor(double)), optional(tensor(float)), optional(tensor(float16)), optional(tensor(float8e4m3fn)), optional(tensor(float8e4m3fnuz)), optional(tensor(float8e5m2)), optional(tensor(float8e5m2fnuz)), optional(tensor(int16)), optional(tensor(int32)), optional(tensor(int64)), optional(tensor(int8)), optional(tensor(string)), optional(tensor(uint16)), optional(tensor(uint32)), optional(tensor(uint64)), optional(tensor(uint8)), seq(tensor(bfloat16)), seq(tensor(bool)), seq(tensor(complex128)), seq(tensor(complex64)), seq(tensor(double)), seq(tensor(float)), seq(tensor(float16)), seq(tensor(float8e4m3fn)), seq(tensor(float8e4m3fnuz)), seq(tensor(float8e5m2)), seq(tensor(float8e5m2fnuz)), seq(tensor(int16)), seq(tensor(int32)), seq(tensor(int64)), seq(tensor(int8)), seq(tensor(string)), seq(tensor(uint16)), seq(tensor(uint32)), seq(tensor(uint64)), seq(tensor(uint8)), tensor(bfloat16), tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(float8e4m3fn), tensor(float8e4m3fnuz), tensor(float8e5m2), tensor(float8e5m2fnuz), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.lp_normalization(input: Var, *, axis: int = -1, p: int = 2) Var [source]
Given a matrix, apply Lp-normalization along the provided axis.
- Parameters:
- input
Type T. Input matrix
- axis
Attribute. The axis on which to apply normalization, -1 mean last axis.
- p
Attribute. The order of the normalization, only 1 or 2 are supported.
- Returns:
- outputVar
Type T. Matrix after normalization
Notes
Signature:
ai.onnx@1::LpNormalization
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.lp_pool(X: Var, *, auto_pad: str = 'NOTSET', ceil_mode: int = 0, dilations: Iterable[int] | None = None, kernel_shape: Iterable[int], p: int = 2, pads: Iterable[int] | None = None, strides: Iterable[int] | None = None) Var [source]
LpPool consumes an input tensor X and applies Lp pooling across the tensor according to kernel sizes, stride sizes, and pad lengths. Lp pooling consisting of computing the Lp norm on all values of a subset of the input tensor according to the kernel size and downsampling the data into the output tensor Y for further processing. The output spatial shape will be following:
output_spatial_shape[i] = floor((input_spatial_shape[i] + pad_shape[i] - {kernelSpatialShape}) / strides_spatial_shape[i] + 1)
or
output_spatial_shape[i] = ceil((input_spatial_shape[i] + pad_shape[i] - {kernelSpatialShape}) / strides_spatial_shape[i] + 1)
if ceil_mode is enabled
pad_shape[i]
is the sum of pads along axisi
.auto_pad
is a DEPRECATED attribute. If you are using them currently, the output spatial shape will be following:VALID: output_spatial_shape[i] = ceil((input_spatial_shape[i] - {kernelSpatialShape} + 1) / strides_spatial_shape[i]) SAME_UPPER or SAME_LOWER: output_spatial_shape[i] = ceil(input_spatial_shape[i] / strides_spatial_shape[i])
And pad shape will be following if
SAME_UPPER
orSAME_LOWER
:pad_shape[i] = (output_spatial_shape[i] - 1) * strides_spatial_shape[i] + {kernelSpatialShape} - input_spatial_shape[i]
- Parameters:
- X
Type T. Input data tensor from the previous operator; dimensions for image case are (N x C x H x W), where N is the batch size, C is the number of channels, and H and W are the height and the width of the data. For non image case, the dimensions are in the form of (N x C x D1 x D2 … Dn), where N is the batch size.
- auto_pad
Attribute. auto_pad must be either NOTSET, SAME_UPPER, SAME_LOWER or VALID. Where default value is NOTSET, which means explicit padding is used. SAME_UPPER or SAME_LOWER mean pad the input so that
output_shape[i] = ceil(input_shape[i] / strides[i])
for each axisi
. The padding is split between the two sides equally or almost equally (depending on whether it is even or odd). In case the padding is an odd number, the extra padding is added at the end for SAME_UPPER and at the beginning for SAME_LOWER.- ceil_mode
Attribute. Whether to use ceil or floor (default) to compute the output shape.
- dilations
Attribute. dilation value along each spatial axis of the filter. If not present, the dilation defaults is 1 along each spatial axis.
- kernel_shape
Attribute. The size of the kernel along each axis.
- p
Attribute. p value of the Lp norm used to pool over the input data.
- pads
Attribute. Padding for the beginning and ending along each spatial axis, it can take any value greater than or equal to 0. The value represent the number of pixels added to the beginning and end part of the corresponding axis.
pads
format should be as follow [x1_begin, x2_begin…x1_end, x2_end,…], where xi_begin the number of pixels added at the beginning of axisi
and xi_end, the number of pixels added at the end of axisi
. This attribute cannot be used simultaneously with auto_pad attribute. If not present, the padding defaults to 0 along start and end of each spatial axis.- strides
Attribute. Stride along each spatial axis. If not present, the stride defaults to 1 along each spatial axis.
- Returns:
- YVar
Type T. Output data tensor from Lp pooling across the input tensor. Dimensions will vary based on various kernel, stride, and pad sizes.
Notes
Signature:
ai.onnx@18::LpPool
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.lrn(X: Var, *, alpha: float = 9.999999747378752e-05, beta: float = 0.75, bias: float = 1.0, size: int) Var [source]
Local Response Normalization proposed in the AlexNet paper. It normalizes over local input regions. The local region is defined across the channels. For an element
X[n, c, d1, ..., dk]
in a tensor of shape(N x C x D1 x D2, ..., Dk)
, its region is{X[n, i, d1, ..., dk] | max(0, c - floor((size - 1) / 2)) <= i <= min(C - 1, c + ceil((size - 1) / 2))}
.square_sum[n, c, d1, ..., dk] = sum(X[n, i, d1, ..., dk] ^ 2)
, wheremax(0, c - floor((size - 1) / 2)) <= i <= min(C - 1, c + ceil((size - 1) / 2))
.Y[n, c, d1, ..., dk] = X[n, c, d1, ..., dk] / (bias + alpha / size * square_sum[n, c, d1, ..., dk] ) ^ beta
- Parameters:
- X
Type T. Input data tensor from the previous operator; dimensions for image case are (N x C x H x W), where N is the batch size, C is the number of channels, and H and W are the height and the width of the data. For non image case, the dimensions are in the form of (N x C x D1 x D2 … Dn), where N is the batch size. Optionally, if dimension denotation is in effect, the operation expects the input data tensor to arrive with the dimension denotation of [DATA_BATCH, DATA_CHANNEL, DATA_FEATURE, DATA_FEATURE …].
- alpha
Attribute. Scaling parameter.
- beta
Attribute. The exponent.
- bias
Attribute.
- size
Attribute. The number of channels to sum over
- Returns:
- YVar
Type T. Output tensor, which has the shape and type as input tensor
Notes
Signature:
ai.onnx@13::LRN
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.lstm(X: Var, W: Var, R: Var, B: Var | None = None, sequence_lens: Var | None = None, initial_h: Var | None = None, initial_c: Var | None = None, P: Var | None = None, *, activation_alpha: Iterable[float] | None = None, activation_beta: Iterable[float] | None = None, activations: Iterable[str] | None = None, clip: float | None = None, direction: str = 'forward', hidden_size: int | None = None, input_forget: int = 0, layout: int = 0) tuple[Var, Var, Var] [source]
Computes an one-layer LSTM. This operator is usually supported via some custom implementation such as CuDNN.
Notations:
X
- input tensori
- input gateo
- output gatef
- forget gatec
- cell gatet
- time step (t-1 means previous time step)W[iofc]
- W parameter weight matrix for input, output, forget, and cell gatesR[iofc]
- R recurrence weight matrix for input, output, forget, and cell gatesWb[iofc]
- W bias vectors for input, output, forget, and cell gatesRb[iofc]
- R bias vectors for input, output, forget, and cell gatesP[iof]
- P peephole weight vector for input, output, and forget gatesWB[iofc]
- W parameter weight matrix for backward input, output, forget, and cell gatesRB[iofc]
- R recurrence weight matrix for backward input, output, forget, and cell gatesWBb[iofc]
- W bias vectors for backward input, output, forget, and cell gatesRBb[iofc]
- R bias vectors for backward input, output, forget, and cell gatesPB[iof]
- P peephole weight vector for backward input, output, and forget gatesH
- Hidden statenum_directions
- 2 if direction == bidirectional else 1
Activation functions:
Relu(x) - max(0, x)
Tanh(x) - (1 - e^{-2x})/(1 + e^{-2x})
Sigmoid(x) - 1/(1 + e^{-x})
NOTE: Below are optional
Affine(x) - alpha*x + beta
LeakyRelu(x) - x if x >= 0 else alpha * x
ThresholdedRelu(x) - x if x >= alpha else 0
ScaledTanh(x) - alphaTanh(betax)
HardSigmoid(x) - min(max(alpha*x + beta, 0), 1)
Elu(x) - x if x >= 0 else alpha*(e^x - 1)
Softsign(x) - x/(1 + |x|)
Softplus(x) - log(1 + e^x)
Equations (Default: f=Sigmoid, g=Tanh, h=Tanh):
it = f(Xt*(Wi^T) + Ht-1*(Ri^T) + Pi (.) Ct-1 + Wbi + Rbi)
ft = f(Xt*(Wf^T) + Ht-1*(Rf^T) + Pf (.) Ct-1 + Wbf + Rbf)
ct = g(Xt*(Wc^T) + Ht-1*(Rc^T) + Wbc + Rbc)
Ct = ft (.) Ct-1 + it (.) ct
ot = f(Xt*(Wo^T) + Ht-1*(Ro^T) + Po (.) Ct + Wbo + Rbo)
Ht = ot (.) h(Ct) This operator has optional inputs/outputs. See the doc for more details about the representation of optional arguments. An empty string may be used in the place of an actual argument’s name to indicate a missing argument. Trailing optional arguments (those not followed by an argument that is present) may also be simply omitted.
- Parameters:
- X
Type T. The input sequences packed (and potentially padded) into one 3-D tensor with the shape of
[seq_length, batch_size, input_size]
.- W
Type T. The weight tensor for the gates. Concatenation of
W[iofc]
andWB[iofc]
(if bidirectional) along dimension 0. The tensor has shape[num_directions, 4*hidden_size, input_size]
.- R
Type T. The recurrence weight tensor. Concatenation of
R[iofc]
andRB[iofc]
(if bidirectional) along dimension 0. This tensor has shape[num_directions, 4*hidden_size, hidden_size]
.- B
Type T. The bias tensor for input gate. Concatenation of
[Wb[iofc], Rb[iofc]]
, and[WBb[iofc], RBb[iofc]]
(if bidirectional) along dimension 0. This tensor has shape[num_directions, 8*hidden_size]
. Optional: If not specified - assumed to be 0.- sequence_lens
Type T1. Optional tensor specifying lengths of the sequences in a batch. If not specified - assumed all sequences in the batch to have length
seq_length
. It has shape[batch_size]
.- initial_h
Type T. Optional initial value of the hidden. If not specified - assumed to be 0. It has shape
[num_directions, batch_size, hidden_size]
.- initial_c
Type T. Optional initial value of the cell. If not specified - assumed to be 0. It has shape
[num_directions, batch_size, hidden_size]
.- P
Type T. The weight tensor for peepholes. Concatenation of
P[iof]
andPB[iof]
(if bidirectional) along dimension 0. It has shape[num_directions, 3*hidde_size]
. Optional: If not specified - assumed to be 0.- activation_alpha
Attribute. Optional scaling values used by some activation functions. The values are consumed in the order of activation functions, for example (f, g, h) in LSTM. Default values are the same as of corresponding ONNX operators.For example with LeakyRelu, the default alpha is 0.01.
- activation_beta
Attribute. Optional scaling values used by some activation functions. The values are consumed in the order of activation functions, for example (f, g, h) in LSTM. Default values are the same as of corresponding ONNX operators.
- activations
Attribute. A list of 3 (or 6 if bidirectional) activation functions for input, output, forget, cell, and hidden. The activation functions must be one of the activation functions specified above. Optional: See the equations for default if not specified.
- clip
Attribute. Cell clip threshold. Clipping bounds the elements of a tensor in the range of [-threshold, +threshold] and is applied to the input of activations. No clip if not specified.
- direction
Attribute. Specify if the RNN is forward, reverse, or bidirectional. Must be one of forward (default), reverse, or bidirectional.
- hidden_size
Attribute. Number of neurons in the hidden layer
- input_forget
Attribute. Couple the input and forget gates if 1.
- layout
Attribute. The shape format of inputs X, initial_h, initial_c and outputs Y, Y_h, Y_c. If 0, the following shapes are expected: X.shape = [seq_length, batch_size, input_size], Y.shape = [seq_length, num_directions, batch_size, hidden_size], initial_h.shape = Y_h.shape = initial_c.shape = Y_c.shape = [num_directions, batch_size, hidden_size]. If 1, the following shapes are expected: X.shape = [batch_size, seq_length, input_size], Y.shape = [batch_size, seq_length, num_directions, hidden_size], initial_h.shape = Y_h.shape = initial_c.shape = Y_c.shape = [batch_size, num_directions, hidden_size].
- Returns:
- YVar
Type T. A tensor that concats all the intermediate output values of the hidden. It has shape
[seq_length, num_directions, batch_size, hidden_size]
.- Y_hVar
Type T. The last output value of the hidden. It has shape
[num_directions, batch_size, hidden_size]
.- Y_cVar
Type T. The last output value of the cell. It has shape
[num_directions, batch_size, hidden_size]
.
Notes
Signature:
ai.onnx@14::LSTM
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
T1: tensor(int32)
- spox.opset.ai.onnx.v19.matmul(A: Var, B: Var) Var [source]
Matrix product that behaves like numpy.matmul.
- Parameters:
- A
Type T. N-dimensional matrix A
- B
Type T. N-dimensional matrix B
- Returns:
- YVar
Type T. Matrix multiply results from A * B
Notes
Signature:
ai.onnx@13::MatMul
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int32), tensor(int64), tensor(uint32), tensor(uint64)
- spox.opset.ai.onnx.v19.matmul_integer(A: Var, B: Var, a_zero_point: Var | None = None, b_zero_point: Var | None = None) Var [source]
Matrix product that behaves like numpy.matmul. The production MUST never overflow. The accumulation may overflow if and only if in 32 bits.
- Parameters:
- A
Type T1. N-dimensional matrix A
- B
Type T2. N-dimensional matrix B
- a_zero_point
Type T1. Zero point tensor for input ‘A’. It’s optional and default value is 0. It could be a scalar or N-D tensor. Scalar refers to per tensor quantization whereas N-D refers to per row quantization. If the input is 2D of shape [M, K] then zero point tensor may be an M element vector [zp_1, zp_2, …, zp_M]. If the input is N-D tensor with shape [D1, D2, M, K] then zero point tensor may have shape [D1, D2, M, 1].
- b_zero_point
Type T2. Zero point tensor for input ‘B’. It’s optional and default value is 0. It could be a scalar or a N-D tensor, Scalar refers to per tensor quantization whereas N-D refers to per col quantization. If the input is 2D of shape [K, N] then zero point tensor may be an N element vector [zp_1, zp_2, …, zp_N]. If the input is N-D tensor with shape [D1, D2, K, N] then zero point tensor may have shape [D1, D2, 1, N].
- Returns:
- YVar
Type T3. Matrix multiply results from A * B
Notes
Signature:
ai.onnx@10::MatMulInteger
.- Type constraints:
T1: tensor(int8), tensor(uint8)
T2: tensor(int8), tensor(uint8)
T3: tensor(int32)
- spox.opset.ai.onnx.v19.max(data_0: Sequence[Var]) Var [source]
Element-wise max of each of the input tensors (with Numpy-style broadcasting support). All inputs and outputs must have the same data type. This operator supports multidirectional (i.e., Numpy-style) broadcasting; for more details please check the doc.
- Parameters:
- data_0
Type T. List of tensors for max.
- Returns:
- maxVar
Type T. Output tensor.
Notes
Signature:
ai.onnx@13::Max
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.max_pool(X: Var, *, auto_pad: str = 'NOTSET', ceil_mode: int = 0, dilations: Iterable[int] | None = None, kernel_shape: Iterable[int], pads: Iterable[int] | None = None, storage_order: int = 0, strides: Iterable[int] | None = None) tuple[Var, Var] [source]
MaxPool consumes an input tensor X and applies max pooling across the tensor according to kernel sizes, stride sizes, and pad lengths. max pooling consisting of computing the max on all values of a subset of the input tensor according to the kernel size and downsampling the data into the output tensor Y for further processing. The output spatial shape is calculated differently depending on whether explicit padding is used, where pads is employed, or auto padding is used, where auto_pad is utilized. With explicit padding (https://pytorch.org/docs/stable/generated/torch.nn.MaxPool2d.html?highlight=maxpool#torch.nn.MaxPool2d):
output_spatial_shape[i] = floor((input_spatial_shape[i] + pad_shape[i] - dilation[i] * (kernel_shape[i] - 1) - 1) / strides_spatial_shape[i] + 1)
or
output_spatial_shape[i] = ceil((input_spatial_shape[i] + pad_shape[i] - dilation[i] * (kernel_shape[i] - 1) - 1) / strides_spatial_shape[i] + 1)
if ceil_mode is enabled.
pad_shape[i]
is the sum of pads along axisi
.auto_pad
is a DEPRECATED attribute. If you are using them currently, the output spatial shape will be following when ceil_mode is enabled:VALID: output_spatial_shape[i] = ceil((input_spatial_shape[i] - ((kernel_spatial_shape[i] - 1) * dilations[i] + 1) + 1) / strides_spatial_shape[i]) SAME_UPPER or SAME_LOWER: output_spatial_shape[i] = ceil(input_spatial_shape[i] / strides_spatial_shape[i])
or when ceil_mode is disabled (https://www.tensorflow.org/api_docs/python/tf/keras/layers/AveragePooling2D):
VALID: output_spatial_shape[i] = floor((input_spatial_shape[i] - ((kernel_spatial_shape[i] - 1) * dilations[i] + 1)) / strides_spatial_shape[i]) + 1 SAME_UPPER or SAME_LOWER: output_spatial_shape[i] = floor((input_spatial_shape[i] - 1) / strides_spatial_shape[i]) + 1
And pad shape will be following if
SAME_UPPER
orSAME_LOWER
:pad_shape[i] = (output_spatial_shape[i] - 1) * strides_spatial_shape[i] + ((kernel_spatial_shape[i] - 1) * dilations[i] + 1) - input_spatial_shape[i]
The output of each pooling window is maximum number of elements exclude pad.
- Parameters:
- X
Type T. Input data tensor from the previous operator; dimensions for image case are (N x C x H x W), where N is the batch size, C is the number of channels, and H and W are the height and the width of the data. For non image case, the dimensions are in the form of (N x C x D1 x D2 … Dn), where N is the batch size. Optionally, if dimension denotation is in effect, the operation expects the input data tensor to arrive with the dimension denotation of [DATA_BATCH, DATA_CHANNEL, DATA_FEATURE, DATA_FEATURE …].
- auto_pad
Attribute. auto_pad must be either NOTSET, SAME_UPPER, SAME_LOWER or VALID. Where default value is NOTSET, which means explicit padding is used. SAME_UPPER or SAME_LOWER mean pad the input so that
output_shape[i] = ceil(input_shape[i] / strides[i])
for each axisi
. The padding is split between the two sides equally or almost equally (depending on whether it is even or odd). In case the padding is an odd number, the extra padding is added at the end for SAME_UPPER and at the beginning for SAME_LOWER.- ceil_mode
Attribute. Whether to use ceil or floor (default) to compute the output shape.
- dilations
Attribute. Dilation value along each spatial axis of filter. If not present, the dilation defaults to 1 along each spatial axis.
- kernel_shape
Attribute. The size of the kernel along each axis.
- pads
Attribute. Padding for the beginning and ending along each spatial axis, it can take any value greater than or equal to 0. The value represent the number of pixels added to the beginning and end part of the corresponding axis.
pads
format should be as follow [x1_begin, x2_begin…x1_end, x2_end,…], where xi_begin the number of pixels added at the beginning of axisi
and xi_end, the number of pixels added at the end of axisi
. This attribute cannot be used simultaneously with auto_pad attribute. If not present, the padding defaults to 0 along start and end of each spatial axis.- storage_order
Attribute. The storage order of the tensor. 0 is row major, and 1 is column major. This attribute is used only to convert an n-tuple index value into a single integer value for producing the second output.
- strides
Attribute. Stride along each spatial axis. If not present, the stride defaults to 1 along each spatial axis.
- Returns:
- YVar
Type T. Output data tensor from average or max pooling across the input tensor. Dimensions will vary based on various kernel, stride, and pad sizes. Floor value of the dimension is used
- IndicesVar
Type I. Indices tensor from max pooling across the input tensor. The dimensions of indices are the same as output tensor. The values in indices of are the indices of the selected values during pooling. The indices are computed as flatten 1-D tensor, and the indices do not consider padding. So the values in indices are in [0, N x C x D1 x … x Dn).
Notes
Signature:
ai.onnx@12::MaxPool
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16), tensor(int8), tensor(uint8)
I: tensor(int64)
- spox.opset.ai.onnx.v19.max_roi_pool(X: Var, rois: Var, *, pooled_shape: Iterable[int], spatial_scale: float = 1.0) Var [source]
ROI max pool consumes an input tensor X and region of interests (RoIs) to apply max pooling across each RoI, to produce output 4-D tensor of shape (num_rois, channels, pooled_shape[0], pooled_shape[1]).
- Parameters:
- X
Type T. Input data tensor from the previous operator; dimensions for image case are (N x C x H x W), where N is the batch size, C is the number of channels, and H and W are the height and the width of the data.
- rois
Type T. RoIs (Regions of Interest) to pool over. Should be a 2-D tensor of shape (num_rois, 5) given as [[batch_id, x1, y1, x2, y2], …].
- pooled_shape
Attribute. ROI pool output shape (height, width).
- spatial_scale
Attribute. Multiplicative spatial scale factor to translate ROI coordinates from their input scale to the scale used when pooling.
- Returns:
- YVar
Type T. RoI pooled output 4-D tensor of shape (num_rois, channels, pooled_shape[0], pooled_shape[1]).
Notes
Signature:
ai.onnx@1::MaxRoiPool
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.max_unpool(X: Var, I: Var, output_shape: Var | None = None, *, kernel_shape: Iterable[int], pads: Iterable[int] | None = None, strides: Iterable[int] | None = None) Var [source]
MaxUnpool essentially computes the partial inverse of the MaxPool op. The input information to this op is typically the output information from a MaxPool op. The first input tensor X is the tensor that needs to be unpooled, which is typically the pooled tensor (first output) from MaxPool. The second input tensor, I, contains the indices to the (locally maximal) elements corresponding to the elements in the first input tensor X. Input tensor I is typically the second output of the MaxPool op. The third (optional) input is a tensor that specifies the output size of the unpooling operation.
MaxUnpool is intended to do ‘partial’ inverse of the MaxPool op. ‘Partial’ because all the non-maximal values from the original input to MaxPool are set to zero in the output of the MaxUnpool op. Pooling the result of an unpooling operation should give back the original input to the unpooling op.
MaxUnpool can produce the same output size for several input sizes, which makes unpooling op ambiguous. The third input argument, output_size, is meant to disambiguate the op and produce output tensor of known/predictable size.
In addition to the inputs, MaxUnpool takes three attributes, namely kernel_shape, strides, and pads, which define the exact unpooling op. The attributes typically have the same values as the corresponding pooling op that the unpooling op is trying to invert.
- Parameters:
- X
Type T1. Input data tensor that has to be unpooled. This tensor is typically the first output of the MaxPool op.Dimensions for image case are (N x C x H x W), where N is the batch size, C is the number of channels, and H and W are the height and the width of the data. For non-image case, the dimensions are in the form of (N x C x D1 x D2 … Dn), where N is the batch size. Optionally, if dimension denotation is in effect, the operation expects the input data tensor to arrive with the dimension denotation of [DATA_BATCH, DATA_CHANNEL, DATA_FEATURE, DATA_FEATURE …].
- I
Type T2. Input data tensor containing the indices corresponding to elements in the first input tensor X.This tensor is typically the second output of the MaxPool op.Dimensions must be the same as input tensor X. The indices are linear, i.e. computed considering the tensor as flattened 1-D tensor, assuming row-major storage. Also, the linear indices should not consider padding. So the values in indices are in the range [0, N x C x D1 x … x Dn).
- output_shape
Type T2. The shape of the output can be explicitly set which will cause pads values to be auto generated. If ‘output_shape’ is specified, ‘pads’ values are ignored.
- kernel_shape
Attribute. The size of the kernel along each axis.
- pads
Attribute. Padding for the beginning and ending along each spatial axis, it can take any value greater than or equal to 0. The value represent the number of pixels added to the beginning and end part of the corresponding axis.
pads
format should be as follow [x1_begin, x2_begin…x1_end, x2_end,…], where xi_begin the number of pixels added at the beginning of axisi
and xi_end, the number of pixels added at the end of axisi
. This attribute cannot be used simultaneously with auto_pad attribute. If not present, the padding defaults to 0 along start and end of each spatial axis.- strides
Attribute. Stride along each spatial axis. If not present, the stride defaults to 1 along each spatial axis.
- Returns:
- outputVar
Type T1. Output data tensor that contains the result of the unpooling.
Notes
Signature:
ai.onnx@11::MaxUnpool
.- Type constraints:
T1: tensor(double), tensor(float), tensor(float16)
T2: tensor(int64)
- spox.opset.ai.onnx.v19.mean(data_0: Sequence[Var]) Var [source]
Element-wise mean of each of the input tensors (with Numpy-style broadcasting support). All inputs and outputs must have the same data type. This operator supports multidirectional (i.e., Numpy-style) broadcasting; for more details please check the doc.
- Parameters:
- data_0
Type T. List of tensors for mean.
- Returns:
- meanVar
Type T. Output tensor.
Notes
Signature:
ai.onnx@13::Mean
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.mean_variance_normalization(X: Var, *, axes: Iterable[int] = (0, 2, 3)) Var [source]
A MeanVarianceNormalization Function: Perform mean variance normalization on the input tensor X using formula:
(X-EX)/sqrt(E(X-EX)^2)
- Parameters:
- X
Type T. Input tensor
- axes
Attribute. A list of integers, along which to reduce. The default is to calculate along axes [0,2,3] for calculating mean and variance along each channel. Two variables with the same C-coordinate are associated with the same mean and variance.
- Returns:
- YVar
Type T. Output tensor
Notes
Signature:
ai.onnx@13::MeanVarianceNormalization
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.mel_weight_matrix(num_mel_bins: Var, dft_length: Var, sample_rate: Var, lower_edge_hertz: Var, upper_edge_hertz: Var, *, output_datatype: int = 1) Var [source]
Generate a MelWeightMatrix that can be used to re-weight a Tensor containing a linearly sampled frequency spectra (from DFT or STFT) into num_mel_bins frequency information based on the [lower_edge_hertz, upper_edge_hertz] range on the mel scale. This function defines the mel scale in terms of a frequency in hertz according to the following formula:
mel(f) = 2595 * log10(1 + f/700)
In the returned matrix, all the triangles (filterbanks) have a peak value of 1.0.
The returned MelWeightMatrix can be used to right-multiply a spectrogram S of shape [frames, num_spectrogram_bins] of linear scale spectrum values (e.g. STFT magnitudes) to generate a “mel spectrogram” M of shape [frames, num_mel_bins].
- Parameters:
- num_mel_bins
Type T1. The number of bands in the mel spectrum.
- dft_length
Type T1. The size of the original DFT. The size of the original DFT is used to infer the size of the onesided DFT, which is understood to be floor(dft_length/2) + 1, i.e. the spectrogram only contains the nonredundant DFT bins.
- sample_rate
Type T1. Samples per second of the input signal used to create the spectrogram. Used to figure out the frequencies corresponding to each spectrogram bin, which dictates how they are mapped into the mel scale.
- lower_edge_hertz
Type T2. Lower bound on the frequencies to be included in the mel spectrum. This corresponds to the lower edge of the lowest triangular band.
- upper_edge_hertz
Type T2. The desired top edge of the highest frequency band.
- output_datatype
Attribute. The data type of the output tensor. Strictly must be one of the values from DataType enum in TensorProto whose values correspond to T3. The default value is 1 = FLOAT.
- Returns:
- outputVar
Type T3. The Mel Weight Matrix. The output has the shape: [floor(dft_length/2) + 1][num_mel_bins].
Notes
Signature:
ai.onnx@17::MelWeightMatrix
.- Type constraints:
T1: tensor(int32), tensor(int64)
T2: tensor(bfloat16), tensor(double), tensor(float), tensor(float16)
T3: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.min(data_0: Sequence[Var]) Var [source]
Element-wise min of each of the input tensors (with Numpy-style broadcasting support). All inputs and outputs must have the same data type. This operator supports multidirectional (i.e., Numpy-style) broadcasting; for more details please check the doc.
- Parameters:
- data_0
Type T. List of tensors for min.
- Returns:
- minVar
Type T. Output tensor.
Notes
Signature:
ai.onnx@13::Min
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.mish(X: Var) Var [source]
Mish: A Self Regularized Non-Monotonic Neural Activation Function.
Perform the linear unit element-wise on the input tensor X using formula:
mish(x) = x * tanh(softplus(x)) = x * tanh(ln(1 + e^{x}))
- Parameters:
- X
Type T. Input tensor
- Returns:
- YVar
Type T. Output tensor
Notes
Signature:
ai.onnx@18::Mish
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.mod(A: Var, B: Var, *, fmod: int = 0) Var [source]
Performs element-wise binary modulus (with Numpy-style broadcasting support). The sign of the remainder is the same as that of the Divisor.
Mod operator can also behave like C fmod() or numpy.fmod. In this case, the sign of the remainder however, will be the same as the Dividend (in contrast to integer mod). To force a behavior like numpy.fmod() an ‘fmod’ Attribute is provided. This attribute is set to 0 by default causing the behavior to be like integer mod. Setting this attribute to 1 causes the remainder to be calculated similar to that of numpy.fmod().
If the input type is floating point, then
fmod
attribute must be set to 1.In case of dividend being zero, the results will be platform dependent.
This operator supports multidirectional (i.e., Numpy-style) broadcasting; for more details please check the doc.
- Parameters:
- A
Type T. Dividend tensor
- B
Type T. Divisor tensor
- fmod
Attribute. Whether the operator should behave like fmod (default=0 meaning it will do integer mods); Set this to 1 to force fmod treatment
- Returns:
- CVar
Type T. Remainder tensor
Notes
Signature:
ai.onnx@13::Mod
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.mul(A: Var, B: Var) Var [source]
Performs element-wise binary multiplication (with Numpy-style broadcasting support).
This operator supports multidirectional (i.e., Numpy-style) broadcasting; for more details please check the doc.
(Opset 14 change): Extend supported types to include uint8, int8, uint16, and int16.
- Parameters:
- A
Type T. First operand.
- B
Type T. Second operand.
- Returns:
- CVar
Type T. Result, has same element type as two inputs
Notes
Signature:
ai.onnx@14::Mul
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.multinomial(input: ~spox._var.Var, *, dtype: ~numpy.dtype[~typing.Any] | None | type[~typing.Any] | ~numpy._typing._dtype_like._SupportsDType[~numpy.dtype[~typing.Any]] | str | tuple[~typing.Any, int] | tuple[~typing.Any, ~typing.SupportsIndex | ~collections.abc.Sequence[~typing.SupportsIndex]] | list[~typing.Any] | ~numpy._typing._dtype_like._DTypeDict | tuple[~typing.Any, ~typing.Any] = <class 'numpy.int32'>, sample_size: int = 1, seed: float | None = None) Var [source]
Generate a tensor of samples from a multinomial distribution according to the probabilities of each of the possible outcomes.
- Parameters:
- input
Type T1. Input tensor with shape [batch_size, class_size], where class_size is the number of all possible outcomes. Each value along the axis zero represents the unnormalized log-probability of each corresponding outcome in a batch.
- dtype
Attribute. (Optional) The data type for the elements of the output tensor, if not specified, we will use int32.
- sample_size
Attribute. Number of times to sample.
- seed
Attribute. (Optional) Seed to the random generator, if not specified we will auto generate one.
- Returns:
- outputVar
Type T2. Output tensor with shape [batch_size, sample_size], where sample_size is the number of times to sample. Each value along the axis zero represents the outcome of the corresponding sample in a batch.
Notes
Signature:
ai.onnx@7::Multinomial
.- Type constraints:
T1: tensor(double), tensor(float), tensor(float16)
T2: tensor(int32), tensor(int64)
- spox.opset.ai.onnx.v19.neg(X: Var) Var [source]
Neg takes one input data (Tensor<T>) and produces one output data (Tensor<T>) where each element flipped sign, y = -x, is applied to the tensor elementwise.
- Parameters:
- X
Type T. Input tensor
- Returns:
- YVar
Type T. Output tensor
Notes
Signature:
ai.onnx@13::Neg
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8)
- spox.opset.ai.onnx.v19.negative_log_likelihood_loss(input: Var, target: Var, weight: Var | None = None, *, ignore_index: int | None = None, reduction: str = 'mean') Var [source]
A NegativeLogLikelihoodLoss operator computes (weighted) negative log likelihood loss. Its “input” tensor has the shape of (N, C, d1, d2, …, dk) where k >= 0. The “input” tensor contains log-probabilities for input[n, :, d_1, d_2,…, d_k] being in a class of [0, C). The operator’s “target” input tensor has the shape of (N, d1, d2, …, dk). It encodes class labels (one of C classes) or it may contain a special value (indicated by an attribute ignore_index) for N x d1 x d2 x … x dk samples. The loss value for input[n, :, d_1, d_2,…d_k] being classified as class c = target[n][d_1][d_2]…[d_k] is computed as:
loss[n][d_1][d_2]...[d_k] = -input[n][c][d_1][d_2]...[d_k].
When an optional “weight” is provided, the sample loss is calculated as:
loss[n][d_1][d_2]...[d_k] = -input[n][c][d_1][d_2]...[d_k] * weight[c].
loss is zero for the case when target-value equals ignore_index.
loss[n][d_1][d_2]...[d_k] = 0, when target[n][d_1][d_2]...[d_k] = ignore_index
If “reduction” attribute is set to “none”, the operator’s output will be the above loss with shape (N, d1, d2, …, dk). If “reduction” attribute is set to “mean” (the default attribute value), the output loss is (weight) averaged:
mean(loss), if "weight" is not provided,
or if weight is provided,
sum(loss) / sum(weight[target[n][d_1][d_2]...[d_k]]]), for all samples.
If “reduction” attribute is set to “sum”, the output is a scalar:
sum(loss)
.See also https://pytorch.org/docs/stable/nn.html#torch.nn.NLLLoss.
Example 1:
// negative log likelihood loss, "none" reduction N, C, d1 = 2, 3, 2 input = [[[1.0, 2.0], [2.0, 2.0], [3.0, 2.0]], [[0.0, 1.0], [2.0, 2.0], [1.0, 2]]] target = [[2, 1], [0, 2]] loss = np.zeros((N, d1)) for n in range(N): for d_1 in range(d1): c = target[n][d_1] loss[n][d_1] = -input[n][c][d_1] // print(loss) // [[-3. -2.] // [-0. -2.]]
Example 2:
// weighted negative log likelihood loss, sum reduction N, C, d1 = 2, 3, 2 input = [[[1.0, 2.0], [2.0, 2.0], [3.0, 2.0]], [[0.0, 1.0], [2.0, 2.0], [1.0, 2]]] target = [[2, 1], [0, 2]] weight = [0.2, 0.3, 0.1] loss = np.zeros((N, d1)) for n in range(N): for d_1 in range(d1): c = target[n][d_1] loss[n][d_1] = -input[n][c][d_1] * weight[c] loss = np.sum(loss) // print(loss) // -1.1
Example 3:
// weighted negative log likelihood loss, mean reduction N, C, d1 = 2, 3, 2 input = [[[1.0, 2.0], [2.0, 2.0], [3.0, 2.0]], [[0.0, 1.0], [2.0, 2.0], [1.0, 2]]] target = [[2, 1], [0, 2]] weight = [0.2, 0.3, 0.1] loss = np.zeros((N, d1)) weight_total = 0 for n in range(N): for d_1 in range(d1): c = target[n][d_1] loss[n][d_1] = -input[n][c][d_1] * weight[c] weight_total = weight_total + weight[c] loss = np.sum(loss) / weight_total // print(loss) // -1.57
- Parameters:
- input
Type T. Input tensor of shape (N, C) or (N, C, d1, d2, …, dk).
- target
Type Tind. Target tensor of shape (N) or (N, d1, d2, …, dk). Target element value shall be in range of [0, C). If ignore_index is specified, it may have a value outside [0, C) and the target values should either be in the range [0, C) or have the value ignore_index.
- weight
Type T. Optional rescaling weight tensor. If given, it has to be a tensor of size C. Otherwise, it is treated as if having all ones.
- ignore_index
Attribute. Specifies a target value that is ignored and does not contribute to the input gradient. It’s an optional value.
- reduction
Attribute. Type of reduction to apply to loss: none, sum, mean (default). ‘none’: the output is the loss for each sample. ‘sum’: the output will be summed. ‘mean’: the sum of the output will be divided by the sum of applied weights.
- Returns:
- lossVar
Type T. The negative log likelihood loss
Notes
Signature:
ai.onnx@13::NegativeLogLikelihoodLoss
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
Tind: tensor(int32), tensor(int64)
- spox.opset.ai.onnx.v19.non_max_suppression(boxes: Var, scores: Var, max_output_boxes_per_class: Var | None = None, iou_threshold: Var | None = None, score_threshold: Var | None = None, *, center_point_box: int = 0) Var [source]
Filter out boxes that have high intersection-over-union (IOU) overlap with previously selected boxes. Bounding boxes with score less than score_threshold are removed. Bounding box format is indicated by attribute center_point_box. Note that this algorithm is agnostic to where the origin is in the coordinate system and more generally is invariant to orthogonal transformations and translations of the coordinate system; thus translating or reflections of the coordinate system result in the same boxes being selected by the algorithm. The selected_indices output is a set of integers indexing into the input collection of bounding boxes representing the selected boxes. The bounding box coordinates corresponding to the selected indices can then be obtained using the Gather or GatherND operation.
- Parameters:
- boxes
Type tensor(float). An input tensor with shape [num_batches, spatial_dimension, 4]. The single box data format is indicated by center_point_box.
- scores
Type tensor(float). An input tensor with shape [num_batches, num_classes, spatial_dimension]
- max_output_boxes_per_class
Type tensor(int64). Integer representing the maximum number of boxes to be selected per batch per class. It is a scalar. Default to 0, which means no output.
- iou_threshold
Type tensor(float). Float representing the threshold for deciding whether boxes overlap too much with respect to IOU. It is scalar. Value range [0, 1]. Default to 0.
- score_threshold
Type tensor(float). Float representing the threshold for deciding when to remove boxes based on score. It is a scalar.
- center_point_box
Attribute. Integer indicate the format of the box data. The default is 0. 0 - the box data is supplied as [y1, x1, y2, x2] where (y1, x1) and (y2, x2) are the coordinates of any diagonal pair of box corners and the coordinates can be provided as normalized (i.e., lying in the interval [0, 1]) or absolute. Mostly used for TF models. 1 - the box data is supplied as [x_center, y_center, width, height]. Mostly used for Pytorch models.
- Returns:
- selected_indicesVar
Type tensor(int64). selected indices from the boxes tensor. [num_selected_indices, 3], the selected index format is [batch_index, class_index, box_index].
Notes
Signature:
ai.onnx@11::NonMaxSuppression
.
- spox.opset.ai.onnx.v19.non_zero(X: Var) Var [source]
Returns the indices of the elements that are non-zero (in row-major order - by dimension). NonZero behaves similar to numpy.nonzero: https://docs.scipy.org/doc/numpy/reference/generated/numpy.nonzero.html, but for scalar input, NonZero produces output shape (0, N) instead of (1, N), which is different from Numpy’s behavior.
- Parameters:
- X
Type T. input
- Returns:
- YVar
Type tensor(int64). output
Notes
Signature:
ai.onnx@13::NonZero
.- Type constraints:
T: tensor(bfloat16), tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.not_(X: Var) Var [source]
Returns the negation of the input tensor element-wise.
- Parameters:
- X
Type T. Input tensor
- Returns:
- YVar
Type T. Output tensor
Notes
Signature:
ai.onnx@1::Not
.- Type constraints:
T: tensor(bool)
- spox.opset.ai.onnx.v19.one_hot(indices: Var, depth: Var, values: Var, *, axis: int = -1) Var [source]
Produces a one-hot tensor based on inputs. The locations represented by the index values in the ‘indices’ input tensor will have ‘on_value’ and the other locations will have ‘off_value’ in the output tensor, where ‘on_value’ and ‘off_value’ are specified as part of required input argument ‘values’, which is a two-element tensor of format [off_value, on_value]. The rank of the output tensor will be one greater than the rank of the input tensor. The additional dimension is for one-hot representation. The additional dimension will be inserted at the position specified by ‘axis’. If ‘axis’ is not specified then then additional dimension will be inserted as the innermost dimension, i.e. axis=-1. The size of the additional dimension is specified by required scalar input ‘depth’. The type of the output tensor is the same as the type of the ‘values’ input. Any entries in the ‘indices’ input tensor with values outside the range [-depth, depth-1] will result in one-hot representation with all ‘off_value’ values in the output tensor.
when axis = 0: output[input[i, j, k], i, j, k] = 1 for all i, j, k and 0 otherwise. when axis = -1: output[i, j, k, input[i, j, k]] = 1 for all i, j, k and 0 otherwise.
- Parameters:
- indices
Type T1. Input tensor containing indices. Any entries in the ‘indices’ input tensor with values outside the range [-depth, depth-1] will result in one-hot representation with all ‘off_value’ values in the output tensor.In case ‘indices’ is of non-integer type, the values will be casted to int64 before use.
- depth
Type T2. Scalar or Rank 1 tensor containing exactly one element, specifying the number of classes in one-hot tensor. This is also the size of the one-hot dimension (specified by ‘axis’ attribute) added on in the output tensor. The values in the ‘indices’ input tensor are expected to be in the range [-depth, depth-1]. In case ‘depth’ is of non-integer type, it will be casted to int64 before use.
- values
Type T3. Rank 1 tensor containing exactly two elements, in the format [off_value, on_value], where ‘on_value’ is the value used for filling locations specified in ‘indices’ input tensor, and ‘off_value’ is the value used for filling locations other than those specified in ‘indices’ input tensor.
- axis
Attribute. (Optional) Axis along which one-hot representation in added. Default: axis=-1. axis=-1 means that the additional dimension will be inserted as the innermost/last dimension in the output tensor. Negative value means counting dimensions from the back. Accepted range is [-r-1, r] where r = rank(indices).
- Returns:
- outputVar
Type T3. Tensor of rank one greater than input tensor ‘indices’, i.e. rank(output) = rank(indices) + 1. The data type for the elements of the output tensor is the same as the type of input ‘values’ is used.
Notes
Signature:
ai.onnx@11::OneHot
.- Type constraints:
T1: tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
T2: tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
T3: tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.optional(input: Var | None = None, *, type: Type | None = None) Var [source]
Constructs an optional-type value containing either an empty optional of a certain type specified by the attribute, or a non-empty value containing the input element.
- Parameters:
- input
Type V. The input element.
- type
Attribute. Type of the element in the optional output
- Returns:
- outputVar
Type O. The optional output enclosing the input element.
Notes
Signature:
ai.onnx@15::Optional
.- Type constraints:
V: seq(tensor(bool)), seq(tensor(complex128)), seq(tensor(complex64)), seq(tensor(double)), seq(tensor(float)), seq(tensor(float16)), seq(tensor(int16)), seq(tensor(int32)), seq(tensor(int64)), seq(tensor(int8)), seq(tensor(string)), seq(tensor(uint16)), seq(tensor(uint32)), seq(tensor(uint64)), seq(tensor(uint8)), tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
O: optional(seq(tensor(bool))), optional(seq(tensor(complex128))), optional(seq(tensor(complex64))), optional(seq(tensor(double))), optional(seq(tensor(float))), optional(seq(tensor(float16))), optional(seq(tensor(int16))), optional(seq(tensor(int32))), optional(seq(tensor(int64))), optional(seq(tensor(int8))), optional(seq(tensor(string))), optional(seq(tensor(uint16))), optional(seq(tensor(uint32))), optional(seq(tensor(uint64))), optional(seq(tensor(uint8))), optional(tensor(bool)), optional(tensor(complex128)), optional(tensor(complex64)), optional(tensor(double)), optional(tensor(float)), optional(tensor(float16)), optional(tensor(int16)), optional(tensor(int32)), optional(tensor(int64)), optional(tensor(int8)), optional(tensor(string)), optional(tensor(uint16)), optional(tensor(uint32)), optional(tensor(uint64)), optional(tensor(uint8))
- spox.opset.ai.onnx.v19.optional_get_element(input: Var) Var [source]
If the input is a tensor or sequence type, it returns the input. If the input is an optional type, it outputs the element in the input. It is an error if the input is an empty optional-type (i.e. does not have an element) and the behavior is undefined in this case.
- Parameters:
- input
Type O. The optional input.
- Returns:
- outputVar
Type V. Output element in the optional input.
Notes
Signature:
ai.onnx@18::OptionalGetElement
.- Type constraints:
O: optional(seq(tensor(bool))), optional(seq(tensor(complex128))), optional(seq(tensor(complex64))), optional(seq(tensor(double))), optional(seq(tensor(float))), optional(seq(tensor(float16))), optional(seq(tensor(int16))), optional(seq(tensor(int32))), optional(seq(tensor(int64))), optional(seq(tensor(int8))), optional(seq(tensor(string))), optional(seq(tensor(uint16))), optional(seq(tensor(uint32))), optional(seq(tensor(uint64))), optional(seq(tensor(uint8))), optional(tensor(bool)), optional(tensor(complex128)), optional(tensor(complex64)), optional(tensor(double)), optional(tensor(float)), optional(tensor(float16)), optional(tensor(int16)), optional(tensor(int32)), optional(tensor(int64)), optional(tensor(int8)), optional(tensor(string)), optional(tensor(uint16)), optional(tensor(uint32)), optional(tensor(uint64)), optional(tensor(uint8)), seq(tensor(bool)), seq(tensor(complex128)), seq(tensor(complex64)), seq(tensor(double)), seq(tensor(float)), seq(tensor(float16)), seq(tensor(int16)), seq(tensor(int32)), seq(tensor(int64)), seq(tensor(int8)), seq(tensor(string)), seq(tensor(uint16)), seq(tensor(uint32)), seq(tensor(uint64)), seq(tensor(uint8)), tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
V: seq(tensor(bool)), seq(tensor(complex128)), seq(tensor(complex64)), seq(tensor(double)), seq(tensor(float)), seq(tensor(float16)), seq(tensor(int16)), seq(tensor(int32)), seq(tensor(int64)), seq(tensor(int8)), seq(tensor(string)), seq(tensor(uint16)), seq(tensor(uint32)), seq(tensor(uint64)), seq(tensor(uint8)), tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.optional_has_element(input: Var | None = None) Var [source]
Returns true if (1) the input is an optional-type and contains an element, or, (2) the input is a tensor or sequence type. If the input is not provided or is an empty optional-type, this op returns false.
- Parameters:
- input
Type O. The optional input.
- Returns:
- outputVar
Type B. A scalar boolean tensor. If true, it indicates that optional-type input contains an element. Otherwise, it is empty.
Notes
Signature:
ai.onnx@18::OptionalHasElement
.- Type constraints:
O: optional(seq(tensor(bool))), optional(seq(tensor(complex128))), optional(seq(tensor(complex64))), optional(seq(tensor(double))), optional(seq(tensor(float))), optional(seq(tensor(float16))), optional(seq(tensor(int16))), optional(seq(tensor(int32))), optional(seq(tensor(int64))), optional(seq(tensor(int8))), optional(seq(tensor(string))), optional(seq(tensor(uint16))), optional(seq(tensor(uint32))), optional(seq(tensor(uint64))), optional(seq(tensor(uint8))), optional(tensor(bool)), optional(tensor(complex128)), optional(tensor(complex64)), optional(tensor(double)), optional(tensor(float)), optional(tensor(float16)), optional(tensor(int16)), optional(tensor(int32)), optional(tensor(int64)), optional(tensor(int8)), optional(tensor(string)), optional(tensor(uint16)), optional(tensor(uint32)), optional(tensor(uint64)), optional(tensor(uint8)), seq(tensor(bool)), seq(tensor(complex128)), seq(tensor(complex64)), seq(tensor(double)), seq(tensor(float)), seq(tensor(float16)), seq(tensor(int16)), seq(tensor(int32)), seq(tensor(int64)), seq(tensor(int8)), seq(tensor(string)), seq(tensor(uint16)), seq(tensor(uint32)), seq(tensor(uint64)), seq(tensor(uint8)), tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
B: tensor(bool)
- spox.opset.ai.onnx.v19.or_(A: Var, B: Var) Var [source]
Returns the tensor resulted from performing the
or
logical operation elementwise on the input tensorsA
andB
(with Numpy-style broadcasting support).This operator supports multidirectional (i.e., Numpy-style) broadcasting; for more details please check the doc.
- Parameters:
- A
Type T. First input operand for the logical operator.
- B
Type T. Second input operand for the logical operator.
- Returns:
- CVar
Type T1. Result tensor.
Notes
Signature:
ai.onnx@7::Or
.- Type constraints:
T: tensor(bool)
T1: tensor(bool)
- spox.opset.ai.onnx.v19.pad(data: Var, pads: Var, constant_value: Var | None = None, axes: Var | None = None, *, mode: str = 'constant') Var [source]
Given a tensor containing the data to be padded (
data
), a tensor containing the number of start and end pad values for axis (pads
), (optionally) amode
, and (optionally)constant_value
, a padded tensor (output
) is generated.The three supported
modes
are (similar to corresponding modes supported bynumpy.pad
):constant
(default) - pads with a given constant value as specified byconstant_value
(which defaults to 0, empty string, or False)reflect
- pads with the reflection of the vector mirrored on the first and last values of the vector along each axisedge
- pads with the edge values of arraywrap
- wrap-around padding as if the data tensor forms a torus
Example 1 (
constant
mode):Insert 0 pads to the beginning of the second dimension.
data = [ [1.0, 1.2], [2.3, 3.4], [4.5, 5.7], ] pads = [0, 2, 0, 0] mode = 'constant' constant_value = 0.0 output = [ [0.0, 0.0, 1.0, 1.2], [0.0, 0.0, 2.3, 3.4], [0.0, 0.0, 4.5, 5.7], ]
Example 2 (
reflect
mode):data = [ [1.0, 1.2], [2.3, 3.4], [4.5, 5.7], ] pads = [0, 2, 0, 0] mode = 'reflect' output = [ [1.0, 1.2, 1.0, 1.2], [2.3, 3.4, 2.3, 3.4], [4.5, 5.7, 4.5, 5.7], ]
Example 3 (
edge
mode):data = [ [1.0, 1.2], [2.3, 3.4], [4.5, 5.7], ] pads = [0, 2, 0, 0] mode = 'edge' output = [ [1.0, 1.0, 1.0, 1.2], [2.3, 2.3, 2.3, 3.4], [4.5, 4.5, 4.5, 5.7], ]
Example 4 (
wrap
mode):data = [ [1.0, 1.2], [2.3, 3.4], [4.5, 5.7], ] pads = [2, 1, 1, 1] mode = 'wrap' output = [ [3.4, 2.3, 3.4, 2.3], [5.7, 4.5, 5.7, 4.5], [1.2, 1.0, 1.2, 1.0], [3.4, 2.3, 3.4, 2.3], [5.7, 4.5, 5.7, 4.5], [1.2, 1.0, 1.2, 1.0], ]
- Parameters:
- data
Type T. Input tensor.
- pads
Type tensor(int64). Tensor of integers indicating the number of padding elements to add or remove (if negative) at the beginning and end of each axis. For 2D input tensor, it is the number of pixels.
pads
should be a 1D tensor of shape [2 * num_axes] wherenum_axes
refers to the number of elements in theaxes
input or the input rank ifaxes
are not provided explicitly.pads
format should be: [x1_begin, x2_begin, …, x1_end, x2_end,…], where xi_begin is the number of pad values added at the beginning of axisaxes[i]
and xi_end, the number of pad values added at the end of axisaxes[i]
.- constant_value
Type T. (Optional) A scalar value to be used if the mode chosen is
constant
(by default it is 0, empty string or False).- axes
Type Tind. 1-D tensor of axes that
pads
apply to. Negative value means counting dimensions from the back. Accepted range is [-r, r-1] where r = rank(data). Behavior is undefined if an axis is repeated. If not provided, all axes are assumed ([0, 1, ..., input_rank-1]
).- mode
Attribute. Supported modes:
constant
(default),reflect
,edge
,wrap
- Returns:
- outputVar
Type T. Tensor after padding.
Notes
Signature:
ai.onnx@19::Pad
.- Type constraints:
T: tensor(bfloat16), tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
Tind: tensor(int32), tensor(int64)
- spox.opset.ai.onnx.v19.pow(X: Var, Y: Var) Var [source]
Pow takes input data (Tensor<T>) and exponent Tensor, and produces one output data (Tensor<T>) where the function
f(x) = x^exponent
, is applied to the data tensor elementwise. This operator supports multidirectional (i.e., Numpy-style) broadcasting; for more details please check the doc.- Parameters:
- X
Type T. First operand, base of the exponent.
- Y
Type T1. Second operand, power of the exponent.
- Returns:
- ZVar
Type T. Output tensor
Notes
Signature:
ai.onnx@15::Pow
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int32), tensor(int64)
T1: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.prelu(X: Var, slope: Var) Var [source]
PRelu takes input data (Tensor<T>) and slope tensor as input, and produces one output data (Tensor<T>) where the function
f(x) = slope * x for x < 0
,f(x) = x for x >= 0
., is applied to the data tensor elementwise. This operator supports unidirectional broadcasting (tensor slope should be unidirectional broadcastable to input tensor X); for more details please check the doc.- Parameters:
- X
Type T. Input tensor
- slope
Type T. Slope tensor. The shape of slope can be smaller than first input X; if so, its shape must be unidirectional broadcastable to X
- Returns:
- YVar
Type T. Output tensor (same size as X)
Notes
Signature:
ai.onnx@16::PRelu
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int32), tensor(int64), tensor(uint32), tensor(uint64)
- spox.opset.ai.onnx.v19.qlinear_conv(x: Var, x_scale: Var, x_zero_point: Var, w: Var, w_scale: Var, w_zero_point: Var, y_scale: Var, y_zero_point: Var, B: Var | None = None, *, auto_pad: str = 'NOTSET', dilations: Iterable[int] | None = None, group: int = 1, kernel_shape: Iterable[int] | None = None, pads: Iterable[int] | None = None, strides: Iterable[int] | None = None) Var [source]
The convolution operator consumes a quantized input tensor, its scale and zero point, a quantized filter, its scale and zero point, and output’s scale and zero point, and computes the quantized output. Each scale and zero-point pair must have same shape. It means they must be either scalars (per tensor) or 1-D tensors (per output channel). Each input or output and its related zero point must have same type. When bias is present it must be quantized using scale = input scale * weight scale and zero point as 0.
- Parameters:
- x
Type T1. Input data tensor from previous layer; has size (N x C x H x W), where N is the batch size, C is the number of channels, and H and W are the height and width. Note that this is for the 2D image. Otherwise the size is (N x C x D1 x D2 … x Dn). Optionally, if dimension denotation is in effect, the operation expects input data tensor to arrive with the dimension denotation of [DATA_BATCH, DATA_CHANNEL, DATA_FEATURE, DATA_FEATURE …].
- x_scale
Type tensor(float). Scale tensor for input ‘x’. It’s a scalar, which means a per-tensor/layer quantization.
- x_zero_point
Type T1. Zero point tensor for input ‘x’. It’s a scalar, which means a per-tensor/layer quantization.
- w
Type T2. The weight tensor that will be used in the convolutions; has size (M x C/group x kH x kW), where C is the number of channels, and kH and kW are the height and width of the kernel, and M is the number of feature maps. For more than 2 dimensions, the kernel shape will be (M x C/group x k1 x k2 x … x kn), where (k1 x k2 x … kn) is the dimension of the kernel. Optionally, if dimension denotation is in effect, the operation expects the weight tensor to arrive with the dimension denotation of [FILTER_OUT_CHANNEL, FILTER_IN_CHANNEL, FILTER_SPATIAL, FILTER_SPATIAL …]. X.shape[1] == (W.shape[1] * group) == C (assuming zero based indices for the shape array). Or in other words FILTER_IN_CHANNEL should be equal to DATA_CHANNEL.
- w_scale
Type tensor(float). Scale tensor for input ‘w’. It could be a scalar or a 1-D tensor, which means a per-tensor/layer or per output channel quantization. If it’s a 1-D tensor, its number of elements should be equal to the number of output channels (M).
- w_zero_point
Type T2. Zero point tensor for input ‘w’. It could be a scalar or a 1-D tensor, which means a per-tensor/layer or per output channel quantization. If it’s a 1-D tensor, its number of elements should be equal to the number of output channels (M).
- y_scale
Type tensor(float). Scale tensor for output ‘y’. It’s a scalar, which means a per-tensor/layer quantization.
- y_zero_point
Type T3. Zero point tensor for output ‘y’. It’s a scalar, which means a per-tensor/layer quantization.
- B
Type T4. Optional 1D bias to be added to the convolution, has size of M. Bias must be quantized using scale = x_scale * w_scale and zero_point = 0
- auto_pad
Attribute. auto_pad must be either NOTSET, SAME_UPPER, SAME_LOWER or VALID. Where default value is NOTSET, which means explicit padding is used. SAME_UPPER or SAME_LOWER mean pad the input so that
output_shape[i] = ceil(input_shape[i] / strides[i])
for each axisi
. The padding is split between the two sides equally or almost equally (depending on whether it is even or odd). In case the padding is an odd number, the extra padding is added at the end for SAME_UPPER and at the beginning for SAME_LOWER.- dilations
Attribute. dilation value along each spatial axis of the filter. If not present, the dilation defaults to 1 along each spatial axis.
- group
Attribute. number of groups input channels and output channels are divided into. default is 1.
- kernel_shape
Attribute. The shape of the convolution kernel. If not present, should be inferred from input ‘w’.
- pads
Attribute. Padding for the beginning and ending along each spatial axis, it can take any value greater than or equal to 0.The value represent the number of pixels added to the beginning and end part of the corresponding axis.
pads
format should be as follow [x1_begin, x2_begin…x1_end, x2_end,…], where xi_begin the number ofpixels added at the beginning of axisi
and xi_end, the number of pixels added at the end of axisi
.This attribute cannot be used simultaneously with auto_pad attribute. If not present, the padding defaultsto 0 along start and end of each spatial axis.- strides
Attribute. Stride along each spatial axis. If not present, the stride defaults to 1 along each spatial axis.
- Returns:
- yVar
Type T3. Output data tensor that contains the result of the convolution. The output dimensions are functions of the kernel size, stride size, and pad lengths.
Notes
Signature:
ai.onnx@10::QLinearConv
.- Type constraints:
T1: tensor(int8), tensor(uint8)
T2: tensor(int8), tensor(uint8)
T3: tensor(int8), tensor(uint8)
T4: tensor(int32)
- spox.opset.ai.onnx.v19.qlinear_matmul(a: Var, a_scale: Var, a_zero_point: Var, b: Var, b_scale: Var, b_zero_point: Var, y_scale: Var, y_zero_point: Var) Var [source]
Matrix product that behaves like numpy.matmul. It consumes two quantized input tensors, their scales and zero points, scale and zero point of output, and computes the quantized output. The quantization formula is y = saturate((x / y_scale) + y_zero_point). For (x / y_scale), it is rounding to nearest ties to even. Refer to https://en.wikipedia.org/wiki/Rounding for details. Scale and zero point must have same shape. They must be either scalar (per tensor) or N-D tensor (per row for ‘a’ and per column for ‘b’). Scalar refers to per tensor quantization whereas N-D refers to per row or per column quantization. If the input is 2D of shape [M, K] then zero point and scale tensor may be an M element vector [v_1, v_2, …, v_M] for per row quantization and K element vector of shape [v_1, v_2, …, v_K] for per column quantization. If the input is N-D tensor with shape [D1, D2, M, K] then zero point and scale tensor may have shape [D1, D2, M, 1] for per row quantization and shape [D1, D2, 1, K] for per column quantization. Production must never overflow, and accumulation may overflow if and only if in 32 bits.
- Parameters:
- a
Type T1. N-dimensional quantized matrix a
- a_scale
Type tensor(float). scale of quantized input a
- a_zero_point
Type T1. zero point of quantized input a
- b
Type T2. N-dimensional quantized matrix b
- b_scale
Type tensor(float). scale of quantized input b
- b_zero_point
Type T2. zero point of quantized input b
- y_scale
Type tensor(float). scale of quantized output y
- y_zero_point
Type T3. zero point of quantized output y
- Returns:
- yVar
Type T3. Quantized matrix multiply results from a * b
Notes
Signature:
ai.onnx@10::QLinearMatMul
.- Type constraints:
T1: tensor(int8), tensor(uint8)
T2: tensor(int8), tensor(uint8)
T3: tensor(int8), tensor(uint8)
- spox.opset.ai.onnx.v19.quantize_linear(x: Var, y_scale: Var, y_zero_point: Var | None = None, *, axis: int = 1, saturate: int = 1) Var [source]
The linear quantization operator. It consumes a high precision tensor, a scale, and a zero point to compute the low precision / quantized tensor. The scale factor and zero point must have same shape, and can be either a scalar for per-tensor / per layer quantization, or a 1-D tensor for per-axis quantization. The quantization formula is
y = saturate ((x / y_scale) + y_zero_point)
. For saturation, it saturates to [0, 255] if it’s uint8, or [-128, 127] if it’s int8. For (x / y_scale), it’s rounding to the nearest even. Refer to https://en.wikipedia.org/wiki/Rounding for details. ‘y_zero_point’ and ‘y’ must have same type. ‘y_zero_point’ is usually not used for quantization to float8e4m3fn, float8e4m3fnuz, float8e5m2, float8e5m2fnuz, but the quantization formula remains the same for consistency and the type of the attribute ‘y_zero_point’ still determines the quantization type.- Parameters:
- x
Type T1. N-D full precision Input tensor to be quantized.
- y_scale
Type T1. Scale for doing quantization to get ‘y’. It can be a scalar, which means per-tensor/layer quantization, or a 1-D Tensor for per-axis quantization.
- y_zero_point
Type T2. Zero point for doing quantization to get ‘y’. Shape must match y_scale. Default is uint8 with zero point of 0 if it’s not specified.
- axis
Attribute. (Optional) The axis of the quantization dimension of the input tensor. Ignored for per-tensor quantization. Negative value means counting dimensions from the back. Accepted range is [-r, r-1] where r = rank(input).
- saturate
Attribute. The parameter defines how the conversion behaves if an input value is out of range of the destination type. It only applies for float 8 quantization (float8e4m3fn, float8e4m3fnuz, float8e5m2, float8e5m2fnuz). It is true by default. All cases are fully described in two tables inserted in the operator description.
- Returns:
- yVar
Type T2. N-D quantized output tensor. It has same shape as input ‘x’.
Notes
Signature:
ai.onnx@19::QuantizeLinear
.- Type constraints:
T1: tensor(bfloat16), tensor(float), tensor(float16), tensor(int32)
T2: tensor(float8e4m3fn), tensor(float8e4m3fnuz), tensor(float8e5m2), tensor(float8e5m2fnuz), tensor(int8), tensor(uint8)
- spox.opset.ai.onnx.v19.random_normal(*, dtype: ~numpy.dtype[~typing.Any] | None | type[~typing.Any] | ~numpy._typing._dtype_like._SupportsDType[~numpy.dtype[~typing.Any]] | str | tuple[~typing.Any, int] | tuple[~typing.Any, ~typing.SupportsIndex | ~collections.abc.Sequence[~typing.SupportsIndex]] | list[~typing.Any] | ~numpy._typing._dtype_like._DTypeDict | tuple[~typing.Any, ~typing.Any] = <class 'numpy.float32'>, mean: float = 0.0, scale: float = 1.0, seed: float | None = None, shape: ~collections.abc.Iterable[int]) Var [source]
Generate a tensor with random values drawn from a normal distribution. The shape of the tensor is specified by the
shape
argument and the parameter of the normal distribution specified bymean
andscale
.The data type is specified by the ‘dtype’ argument. The ‘dtype’ argument must be one of the data types specified in the ‘DataType’ enum field in the TensorProto message.
- Parameters:
- dtype
Attribute. The data type for the elements of the output tensor. Default is TensorProto::FLOAT.
- mean
Attribute. The mean of the normal distribution.
- scale
Attribute. The standard deviation of the normal distribution.
- seed
Attribute. (Optional) Seed to the random generator, if not specified we will auto generate one.
- shape
Attribute. The shape of the output tensor.
- Returns:
- outputVar
Type T. Output tensor of random values drawn from normal distribution
Notes
Signature:
ai.onnx@1::RandomNormal
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.random_normal_like(input: Var, *, dtype: dtype[Any] | None | type[Any] | _SupportsDType[dtype[Any]] | str | tuple[Any, int] | tuple[Any, SupportsIndex | Sequence[SupportsIndex]] | list[Any] | _DTypeDict | tuple[Any, Any] = None, mean: float = 0.0, scale: float = 1.0, seed: float | None = None) Var [source]
Generate a tensor with random values drawn from a normal distribution. The shape of the output tensor is copied from the shape of the input tensor, and the parameters of the normal distribution are specified by
mean
andscale
.The data type is specified by the ‘dtype’ argument, or copied from the input tensor if not provided. The ‘dtype’ argument must be one of the data types specified in the ‘DataType’ enum field in the TensorProto message, and be valid as an output type.
- Parameters:
- input
Type T1. Input tensor to copy shape and optionally type information from.
- dtype
Attribute. (Optional) The data type for the elements of the output tensor, if not specified, we will use the data type of the input tensor.
- mean
Attribute. The mean of the normal distribution.
- scale
Attribute. The standard deviation of the normal distribution.
- seed
Attribute. (Optional) Seed to the random generator, if not specified we will auto generate one.
- Returns:
- outputVar
Type T2. Output tensor of random values drawn from normal distribution
Notes
Signature:
ai.onnx@1::RandomNormalLike
.- Type constraints:
T1: tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
T2: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.random_uniform(*, dtype: ~numpy.dtype[~typing.Any] | None | type[~typing.Any] | ~numpy._typing._dtype_like._SupportsDType[~numpy.dtype[~typing.Any]] | str | tuple[~typing.Any, int] | tuple[~typing.Any, ~typing.SupportsIndex | ~collections.abc.Sequence[~typing.SupportsIndex]] | list[~typing.Any] | ~numpy._typing._dtype_like._DTypeDict | tuple[~typing.Any, ~typing.Any] = <class 'numpy.float32'>, high: float = 1.0, low: float = 0.0, seed: float | None = None, shape: ~collections.abc.Iterable[int]) Var [source]
Generate a tensor with random values drawn from a uniform distribution. The shape of the tensor is specified by the
shape
argument and the range bylow
andhigh
.The data type is specified by the ‘dtype’ argument. The ‘dtype’ argument must be one of the data types specified in the ‘DataType’ enum field in the TensorProto message.
- Parameters:
- dtype
Attribute. The data type for the elements of the output tensor. If not specified, default is TensorProto::FLOAT.
- high
Attribute. Upper boundary of the output values.
- low
Attribute. Lower boundary of the output values.
- seed
Attribute. (Optional) Seed to the random generator, if not specified we will auto generate one.
- shape
Attribute. The shape of the output tensor.
- Returns:
- outputVar
Type T. Output tensor of random values drawn from uniform distribution
Notes
Signature:
ai.onnx@1::RandomUniform
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.random_uniform_like(input: Var, *, dtype: dtype[Any] | None | type[Any] | _SupportsDType[dtype[Any]] | str | tuple[Any, int] | tuple[Any, SupportsIndex | Sequence[SupportsIndex]] | list[Any] | _DTypeDict | tuple[Any, Any] = None, high: float = 1.0, low: float = 0.0, seed: float | None = None) Var [source]
Generate a tensor with random values drawn from a uniform distribution. The shape of the output tensor is copied from the shape of the input tensor, and the parameters of the uniform distribution are specified by
low
andhigh
.The data type is specified by the ‘dtype’ argument, or copied from the input tensor if not provided. The ‘dtype’ argument must be one of the data types specified in the ‘DataType’ enum field in the TensorProto message and be valid as an output type.
- Parameters:
- input
Type T1. Input tensor to copy shape and optionally type information from.
- dtype
Attribute. (Optional) The data type for the elements of the output tensor, if not specified, we will use the data type of the input tensor.
- high
Attribute. Upper boundary of the output values.
- low
Attribute. Lower boundary of the output values.
- seed
Attribute. (Optional) Seed to the random generator, if not specified we will auto generate one.
- Returns:
- outputVar
Type T2. Output tensor of random values drawn from uniform distribution
Notes
Signature:
ai.onnx@1::RandomUniformLike
.- Type constraints:
T1: tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
T2: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.range(start: Var, limit: Var, delta: Var) Var [source]
Generate a tensor containing a sequence of numbers that begin at
start
and extends by increments ofdelta
up tolimit
(exclusive).The number of elements in the output of range is computed as below:
number_of_elements = max( ceil( (limit - start) / delta ) , 0 )
The pseudocode determining the contents of the output is shown below:
for(int i=0; i<number_of_elements; ++i) { output[i] = start + (i * delta); }
Example 1
Inputs: start = 3, limit = 9, delta = 3 Output: [3, 6]
Example 2
Inputs: start = 10, limit = 4, delta = -2 Output: [10, 8, 6]
- Parameters:
- start
Type T. Scalar. First entry for the range of output values.
- limit
Type T. Scalar. Exclusive upper limit for the range of output values.
- delta
Type T. Scalar. Value to step by.
- Returns:
- outputVar
Type T. A 1-D tensor with same type as the inputs containing generated range of values.
Notes
Signature:
ai.onnx@11::Range
.- Type constraints:
T: tensor(double), tensor(float), tensor(int16), tensor(int32), tensor(int64)
- spox.opset.ai.onnx.v19.reciprocal(X: Var) Var [source]
Reciprocal takes one input data (Tensor<T>) and produces one output data (Tensor<T>) where the reciprocal is, y = 1/x, is applied to the tensor elementwise.
- Parameters:
- X
Type T. Input tensor
- Returns:
- YVar
Type T. Output tensor
Notes
Signature:
ai.onnx@13::Reciprocal
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.reduce_l1(data: Var, axes: Var | None = None, *, keepdims: int = 1, noop_with_empty_axes: int = 0) Var [source]
Computes the L1 norm of the input tensor’s elements along the provided axes. The resulting tensor has the same rank as the input if
keepdims
equals 1. Ifkeepdims
equals 0, then the resulting tensor has the reduced dimension pruned. Input tensors of rank zero are valid. Reduction over an empty set of values yields 0.The above behavior is similar to numpy, with the exception that numpy defaults
keepdims
toFalse
instead ofTrue
.- Parameters:
- data
Type T. An input tensor.
- axes
Type tensor(int64). Optional input list of integers, along which to reduce. The default is to reduce over all the dimensions of the input tensor if ‘noop_with_empty_axes’ is false, else act as an Identity op when ‘noop_with_empty_axes’ is true. Accepted range is [-r, r-1] where r = rank(data).
- keepdims
Attribute. Keep the reduced dimension or not, default 1 means keep reduced dimension.
- noop_with_empty_axes
Attribute. Defines behavior if ‘axes’ is empty. Default behavior with ‘false’ is to reduce all axes. When axes is empty and this attribute is set to true, input tensor will not be reduced,and the output tensor would be equivalent to input tensor.
- Returns:
- reducedVar
Type T. Reduced output tensor.
Notes
Signature:
ai.onnx@18::ReduceL1
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int32), tensor(int64), tensor(uint32), tensor(uint64)
- spox.opset.ai.onnx.v19.reduce_l2(data: Var, axes: Var | None = None, *, keepdims: int = 1, noop_with_empty_axes: int = 0) Var [source]
Computes the L2 norm of the input tensor’s elements along the provided axes. The resulting tensor has the same rank as the input if
keepdims
equals 1. Ifkeepdims
equals 0, then the resulting tensor has the reduced dimension pruned. Input tensors of rank zero are valid. Reduction over an empty set of values yields 0.The above behavior is similar to numpy, with the exception that numpy defaults
keepdims
toFalse
instead ofTrue
.- Parameters:
- data
Type T. An input tensor.
- axes
Type tensor(int64). Optional input list of integers, along which to reduce. The default is to reduce over all the dimensions of the input tensor if ‘noop_with_empty_axes’ is false, else act as an Identity op when ‘noop_with_empty_axes’ is true. Accepted range is [-r, r-1] where r = rank(data).
- keepdims
Attribute. Keep the reduced dimension or not, default 1 means keep reduced dimension.
- noop_with_empty_axes
Attribute. Defines behavior if ‘axes’ is empty. Default behavior with ‘false’ is to reduce all axes. When axes is empty and this attribute is set to true, input tensor will not be reduced,and the output tensor would be equivalent to input tensor.
- Returns:
- reducedVar
Type T. Reduced output tensor.
Notes
Signature:
ai.onnx@18::ReduceL2
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int32), tensor(int64), tensor(uint32), tensor(uint64)
- spox.opset.ai.onnx.v19.reduce_log_sum(data: Var, axes: Var | None = None, *, keepdims: int = 1, noop_with_empty_axes: int = 0) Var [source]
Computes the log sum of the input tensor’s elements along the provided axes. The resulting tensor has the same rank as the input if
keepdims
equals 1. Ifkeepdims
equals 0, then the resulting tensor has the reduced dimension pruned. Input tensors of rank zero are valid. Reduction over an empty set of values yields minus infinity (if supported by the datatype) or undefined otherwise.The above behavior is similar to numpy, with the exception that numpy defaults
keepdims
toFalse
instead ofTrue
.- Parameters:
- data
Type T. An input tensor.
- axes
Type tensor(int64). Optional input list of integers, along which to reduce. The default is to reduce over all the dimensions of the input tensor if ‘noop_with_empty_axes’ is false, else act as an Identity op when ‘noop_with_empty_axes’ is true. Accepted range is [-r, r-1] where r = rank(data).
- keepdims
Attribute. Keep the reduced dimension or not, default 1 means keep reduced dimension.
- noop_with_empty_axes
Attribute. Defines behavior if ‘axes’ is empty. Default behavior with ‘false’ is to reduce all axes. When axes is empty and this attribute is set to true, input tensor will not be reduced,and the output tensor would be equivalent to input tensor.
- Returns:
- reducedVar
Type T. Reduced output tensor.
Notes
Signature:
ai.onnx@18::ReduceLogSum
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int32), tensor(int64), tensor(uint32), tensor(uint64)
- spox.opset.ai.onnx.v19.reduce_log_sum_exp(data: Var, axes: Var | None = None, *, keepdims: int = 1, noop_with_empty_axes: int = 0) Var [source]
Computes the log sum exponent of the input tensor’s elements along the provided axes. The resulting tensor has the same rank as the input if
keepdims
equals 1. Ifkeepdims
equals 0, then the resulting tensor has the reduced dimension pruned. Input tensors of rank zero are valid. Reduction over an empty set of values yields minus infinity (if supported by the datatype) or undefined otherwise.The above behavior is similar to numpy, with the exception that numpy defaults
keepdims
toFalse
instead ofTrue
.- Parameters:
- data
Type T. An input tensor.
- axes
Type tensor(int64). Optional input list of integers, along which to reduce. The default is to reduce over all the dimensions of the input tensor if ‘noop_with_empty_axes’ is false, else act as an Identity op when ‘noop_with_empty_axes’ is true. Accepted range is [-r, r-1] where r = rank(data).
- keepdims
Attribute. Keep the reduced dimension or not, default 1 means keep reduced dimension.
- noop_with_empty_axes
Attribute. Defines behavior if ‘axes’ is empty. Default behavior with ‘false’ is to reduce all axes. When axes is empty and this attribute is set to true, input tensor will not be reduced,and the output tensor would be equivalent to input tensor.
- Returns:
- reducedVar
Type T. Reduced output tensor.
Notes
Signature:
ai.onnx@18::ReduceLogSumExp
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int32), tensor(int64), tensor(uint32), tensor(uint64)
- spox.opset.ai.onnx.v19.reduce_max(data: Var, axes: Var | None = None, *, keepdims: int = 1, noop_with_empty_axes: int = 0) Var [source]
Computes the max of the input tensor’s elements along the provided axes. The resulting tensor has the same rank as the input if
keepdims
equals 1. Ifkeepdims
equals 0, then the resulting tensor has the reduced dimension pruned. Input tensors of rank zero are valid. Reduction over an empty set of values yields minus infinity (if supported by the datatype) or the minimum value of the data type otherwise.The above behavior is similar to numpy, with the exception that numpy defaults
keepdims
toFalse
instead ofTrue
.- Parameters:
- data
Type T. An input tensor.
- axes
Type tensor(int64). Optional input list of integers, along which to reduce. The default is to reduce over all the dimensions of the input tensor if ‘noop_with_empty_axes’ is false, else act as an Identity op when ‘noop_with_empty_axes’ is true. Accepted range is [-r, r-1] where r = rank(data).
- keepdims
Attribute. Keep the reduced dimension or not, default 1 means keep reduced dimension.
- noop_with_empty_axes
Attribute. Defines behavior if ‘axes’ is empty. Default behavior with ‘false’ is to reduce all axes. When axes is empty and this attribute is set to true, input tensor will not be reduced,and the output tensor would be equivalent to input tensor.
- Returns:
- reducedVar
Type T. Reduced output tensor.
Notes
Signature:
ai.onnx@18::ReduceMax
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int32), tensor(int64), tensor(int8), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.reduce_mean(data: Var, axes: Var | None = None, *, keepdims: int = 1, noop_with_empty_axes: int = 0) Var [source]
Computes the mean of the input tensor’s elements along the provided axes. The resulting tensor has the same rank as the input if
keepdims
equals 1. Ifkeepdims
equals 0, then the resulting tensor has the reduced dimension pruned. Input tensors of rank zero are valid. Reduction over an empty set of values yields undefined.The above behavior is similar to numpy, with the exception that numpy defaults
keepdims
toFalse
instead ofTrue
.- Parameters:
- data
Type T. An input tensor.
- axes
Type tensor(int64). Optional input list of integers, along which to reduce. The default is to reduce over all the dimensions of the input tensor if ‘noop_with_empty_axes’ is false, else act as an Identity op when ‘noop_with_empty_axes’ is true. Accepted range is [-r, r-1] where r = rank(data).
- keepdims
Attribute. Keep the reduced dimension or not, default 1 means keep reduced dimension.
- noop_with_empty_axes
Attribute. Defines behavior if ‘axes’ is empty. Default behavior with ‘false’ is to reduce all axes. When axes is empty and this attribute is set to true, input tensor will not be reduced,and the output tensor would be equivalent to input tensor.
- Returns:
- reducedVar
Type T. Reduced output tensor.
Notes
Signature:
ai.onnx@18::ReduceMean
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int32), tensor(int64), tensor(uint32), tensor(uint64)
- spox.opset.ai.onnx.v19.reduce_min(data: Var, axes: Var | None = None, *, keepdims: int = 1, noop_with_empty_axes: int = 0) Var [source]
Computes the min of the input tensor’s elements along the provided axes. The resulting tensor has the same rank as the input if
keepdims
equals 1. Ifkeepdims
equals 0, then the resulting tensor has the reduced dimension pruned. Input tensors of rank zero are valid. Reduction over an empty set of values yields plus infinity (if supported by the datatype) or the maximum value of the data type otherwise.The above behavior is similar to numpy, with the exception that numpy defaults
keepdims
toFalse
instead ofTrue
.- Parameters:
- data
Type T. An input tensor.
- axes
Type tensor(int64). Optional input list of integers, along which to reduce. The default is to reduce over all the dimensions of the input tensor if ‘noop_with_empty_axes’ is false, else act as an Identity op when ‘noop_with_empty_axes’ is true. Accepted range is [-r, r-1] where r = rank(data).
- keepdims
Attribute. Keep the reduced dimension or not, default 1 means keep reduced dimension.
- noop_with_empty_axes
Attribute. Defines behavior if ‘axes’ is empty. Default behavior with ‘false’ is to reduce all axes. When axes is empty and this attribute is set to true, input tensor will not be reduced,and the output tensor would be equivalent to input tensor.
- Returns:
- reducedVar
Type T. Reduced output tensor.
Notes
Signature:
ai.onnx@18::ReduceMin
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int32), tensor(int64), tensor(int8), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.reduce_prod(data: Var, axes: Var | None = None, *, keepdims: int = 1, noop_with_empty_axes: int = 0) Var [source]
Computes the product of the input tensor’s elements along the provided axes. The resulting tensor has the same rank as the input if
keepdims
equals 1. Ifkeepdims
equals 0, then the resulting tensor has the reduced dimension pruned. Input tensors of rank zero are valid. Reduction over an empty set of values yields 1.The above behavior is similar to numpy, with the exception that numpy defaults
keepdims
toFalse
instead ofTrue
.- Parameters:
- data
Type T. An input tensor.
- axes
Type tensor(int64). Optional input list of integers, along which to reduce. The default is to reduce over all the dimensions of the input tensor if ‘noop_with_empty_axes’ is false, else act as an Identity op when ‘noop_with_empty_axes’ is true. Accepted range is [-r, r-1] where r = rank(data).
- keepdims
Attribute. Keep the reduced dimension or not, default 1 means keep reduced dimension.
- noop_with_empty_axes
Attribute. Defines behavior if ‘axes’ is empty. Default behavior with ‘false’ is to reduce all axes. When axes is empty and this attribute is set to true, input tensor will not be reduced,and the output tensor would be equivalent to input tensor.
- Returns:
- reducedVar
Type T. Reduced output tensor.
Notes
Signature:
ai.onnx@18::ReduceProd
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int32), tensor(int64), tensor(uint32), tensor(uint64)
- spox.opset.ai.onnx.v19.reduce_sum(data: Var, axes: Var | None = None, *, keepdims: int = 1, noop_with_empty_axes: int = 0) Var [source]
Computes the sum of the input tensor’s elements along the provided axes. The resulting tensor has the same rank as the input if
keepdims
equals 1. Ifkeepdims
equals 0, then the resulting tensor has the reduced dimension pruned. Input tensors of rank zero are valid. Reduction over an empty set of values yields 0.The above behavior is similar to numpy, with the exception that numpy defaults
keepdims
toFalse
instead ofTrue
.- Parameters:
- data
Type T. An input tensor.
- axes
Type tensor(int64). Optional input list of integers, along which to reduce. The default is to reduce over all the dimensions of the input tensor if ‘noop_with_empty_axes’ is false, else act as an Identity op when ‘noop_with_empty_axes’ is true. Accepted range is [-r, r-1] where r = rank(data).
- keepdims
Attribute. Keep the reduced dimension or not, default 1 means keep reduced dimension.
- noop_with_empty_axes
Attribute. Defines behavior if ‘axes’ is empty. Default behavior with ‘false’ is to reduce all axes. When axes is empty and this attribute is set to true, input tensor will not be reduced,and the output tensor would be equivalent to input tensor.
- Returns:
- reducedVar
Type T. Reduced output tensor.
Notes
Signature:
ai.onnx@13::ReduceSum
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int32), tensor(int64), tensor(uint32), tensor(uint64)
- spox.opset.ai.onnx.v19.reduce_sum_square(data: Var, axes: Var | None = None, *, keepdims: int = 1, noop_with_empty_axes: int = 0) Var [source]
Computes the sum square of the input tensor’s elements along the provided axes. The resulting tensor has the same rank as the input if
keepdims
equals 1. Ifkeepdims
equals 0, then the resulting tensor has the reduced dimension pruned. Input tensors of rank zero are valid. Reduction over an empty set of values yields 0.The above behavior is similar to numpy, with the exception that numpy defaults
keepdims
toFalse
instead ofTrue
.- Parameters:
- data
Type T. An input tensor.
- axes
Type tensor(int64). Optional input list of integers, along which to reduce. The default is to reduce over all the dimensions of the input tensor if ‘noop_with_empty_axes’ is false, else act as an Identity op when ‘noop_with_empty_axes’ is true. Accepted range is [-r, r-1] where r = rank(data).
- keepdims
Attribute. Keep the reduced dimension or not, default 1 means keep reduced dimension.
- noop_with_empty_axes
Attribute. Defines behavior if ‘axes’ is empty. Default behavior with ‘false’ is to reduce all axes. When axes is empty and this attribute is set to true, input tensor will not be reduced,and the output tensor would be equivalent to input tensor.
- Returns:
- reducedVar
Type T. Reduced output tensor.
Notes
Signature:
ai.onnx@18::ReduceSumSquare
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int32), tensor(int64), tensor(uint32), tensor(uint64)
- spox.opset.ai.onnx.v19.relu(X: Var) Var [source]
Relu takes one input data (Tensor<T>) and produces one output data (Tensor<T>) where the rectified linear function, y = max(0, x), is applied to the tensor elementwise.
- Parameters:
- X
Type T. Input tensor
- Returns:
- YVar
Type T. Output tensor
Notes
Signature:
ai.onnx@14::Relu
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8)
- spox.opset.ai.onnx.v19.reshape(data: Var, shape: Var, *, allowzero: int = 0) Var [source]
Reshape the input tensor similar to numpy.reshape. First input is the data tensor, second input is a shape tensor which specifies the output shape. It outputs the reshaped tensor. At most one dimension of the new shape can be -1. In this case, the value is inferred from the size of the tensor and the remaining dimensions. A dimension could also be 0, in which case the actual dimension value is unchanged (i.e. taken from the input tensor). If ‘allowzero’ is set, and the new shape includes 0, the dimension will be set explicitly to zero (i.e. not taken from input tensor). Shape (second input) could be an empty shape, which means converting to a scalar. The input tensor’s shape and the output tensor’s shape are required to have the same number of elements.
If the attribute ‘allowzero’ is set, it is invalid for the specified shape to contain both a zero value and -1, as the value of the dimension corresponding to -1 cannot be determined uniquely.
- Parameters:
- data
Type T. An input tensor.
- shape
Type tensor(int64). Specified shape for output.
- allowzero
Attribute. (Optional) By default, when any value in the ‘shape’ input is equal to zero the corresponding dimension value is copied from the input tensor dynamically. allowzero=1 indicates that if any value in the ‘shape’ input is set to zero, the zero value is honored, similar to NumPy.
- Returns:
- reshapedVar
Type T. Reshaped data.
Notes
Signature:
ai.onnx@19::Reshape
.- Type constraints:
T: tensor(bfloat16), tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(float8e4m3fn), tensor(float8e4m3fnuz), tensor(float8e5m2), tensor(float8e5m2fnuz), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.resize(X: Var, roi: Var | None = None, scales: Var | None = None, sizes: Var | None = None, *, antialias: int = 0, axes: Iterable[int] | None = None, coordinate_transformation_mode: str = 'half_pixel', cubic_coeff_a: float = -0.75, exclude_outside: int = 0, extrapolation_value: float = 0.0, keep_aspect_ratio_policy: str = 'stretch', mode: str = 'nearest', nearest_mode: str = 'round_prefer_floor') Var [source]
Resize the input tensor. In general, it calculates every value in the output tensor as a weighted average of neighborhood (a.k.a. sampling locations) in the input tensor. Each dimension value of the output tensor is:
output_dimension = floor(input_dimension * (roi_end - roi_start) * scale)
if input “sizes” is not specified.
- Parameters:
- X
Type T1. N-D tensor
- roi
Type T2. 1-D tensor given as [start1, …, startN, end1, …, endN], where N is the rank of X or the length of axes, if provided. The RoIs’ coordinates are normalized in the coordinate system of the input image. It only takes effect when coordinate_transformation_mode is “tf_crop_and_resize”
- scales
Type tensor(float). The scale array along each dimension. It takes value greater than 0. If it’s less than 1, it’s sampling down, otherwise, it’s upsampling. The number of elements of ‘scales’ should be the same as the rank of input ‘X’ or the length of ‘axes’, if provided. One of ‘scales’ and ‘sizes’ MUST be specified and it is an error if both are specified. If ‘sizes’ is needed, the user can use an empty string as the name of ‘scales’ in this operator’s input list.
- sizes
Type tensor(int64). Target size of the output tensor. Its interpretation depends on the ‘keep_aspect_ratio_policy’ value.The number of elements of ‘sizes’ should be the same as the rank of input ‘X’, or the length of ‘axes’, if provided. Only one of ‘scales’ and ‘sizes’ can be specified.
- antialias
Attribute. If set to 1, “linear” and “cubic” interpolation modes will use an antialiasing filter when downscaling. Antialiasing is achieved by stretching the resampling filter by a factor max(1, 1 / scale), which means that when downsampling, more input pixels contribute to an output pixel.
- axes
Attribute. If provided, it specifies a subset of axes that ‘roi’, ‘scales’ and ‘sizes’ refer to. If not provided, all axes are assumed [0, 1, …, r-1], where r = rank(data). Non-specified dimensions are interpreted as non-resizable. Negative value means counting dimensions from the back. Accepted range is [-r, r-1], where r = rank(data). Behavior is undefined if an axis is repeated.
- coordinate_transformation_mode
Attribute. This attribute describes how to transform the coordinate in the resized tensor to the coordinate in the original tensor.
The coordinate of each dimension is transformed individually. Let’s describe a case using axis x as an example. Denote
x_resized
as the coordinate of axis x in the resized tensor,x_original
as the coordinate of axis x in the original tensor,length_original
as the length of the original tensor in axis x,length_resized
as the length of the resized tensor in axis x,scale = length_resized / length_original
,output_width
the target length on the axis x which can be a fractional number when it is calculated out of a scale factor, andoutput_width_int
the effective output width as an integer.if coordinate_transformation_mode is
"half_pixel"
,x_original = (x_resized + 0.5) / scale - 0.5
if coordinate_transformation_mode is
"half_pixel_symmetric"
,adjustment = output_width_int / output_width center = input_width / 2 offset = center * (1 - adjustment) x_ori = offset + (x + 0.5) / scale - 0.5
if coordinate_transformation_mode is
"pytorch_half_pixel"
,x_original = length_resized > 1 ? (x_resized + 0.5) / scale - 0.5 : 0
if coordinate_transformation_mode is
"align_corners"
,x_original = x_resized * (length_original - 1) / (length_resized - 1)
if coordinate_transformation_mode is
"asymmetric"
,x_original = x_resized / scale
if coordinate_transformation_mode is
"tf_crop_and_resize"
,x_original = length_resized > 1 ? start_x * (length_original - 1) + x_resized * (end_x - start_x) * (length_original - 1) / (length_resized - 1) : 0.5 * (start_x + end_x) * (length_original - 1)
.
- cubic_coeff_a
Attribute. The coefficient ‘a’ used in cubic interpolation. Two common choice are -0.5 (in some cases of TensorFlow) and -0.75 (in PyTorch). Check out Equation (4) in https://ieeexplore.ieee.org/document/1163711 for the details. This attribute is valid only if mode is “cubic”.
- exclude_outside
Attribute. If set to 1, the weight of sampling locations outside the tensor will be set to 0 and the weight will be renormalized so that their sum is 1.0. The default value is 0.
- extrapolation_value
Attribute. When coordinate_transformation_mode is “tf_crop_and_resize” and x_original is outside the range [0, length_original - 1], this value is used as the corresponding output value. Default is 0.0f.
- keep_aspect_ratio_policy
Attribute. This attribute describes how to interpret the
sizes
input with regard to keeping the original aspect ratio of the input, and it is not applicable when thescales
input is used.Given a set of
sizes
, associated with a subset ofaxes
(explicitly provided or default), and assumingd = axes[i]
, withi
being the index of the providedsizes
.If
keep_aspect_ratio_policy
is"stretch"
, the original aspect ratio is disregarded, and the input is resized to the specified size:out_size[d] = sizes[i]
If
keep_aspect_ratio_policy
is"not_larger"
, the sizes are adjusted so that no extent of the output is larger than the specified size, while keeping the original aspect ratio:scale = Min(sizes[i] / in_size[d]) out_size[d] = round_int(scale * in_size[i])
If
keep_aspect_ratio_policy
is"not_smaller"
, the sizes are adjusted so that no extent of the output is smaller than the specified size, while keeping the original aspect ratio:scale = Max(sizes[i] / in_size[d]) out_size[d] = round_int(scale * in_size[i])
For non-resizable axes (those not specified in
axes
), the output size will be equal to the input size.Note:
round_int
stands for computing the nearest integer value, rounding halfway cases up.- mode
Attribute. Three interpolation modes: “nearest” (default), “linear” and “cubic”. The “linear” mode includes linear interpolation for 1D tensor and N-linear interpolation for N-D tensor (for example, bilinear interpolation for 2D tensor). The “cubic” mode includes cubic interpolation for 1D tensor and N-cubic interpolation for N-D tensor (for example, bicubic interpolation for 2D tensor).
- nearest_mode
Attribute. Four modes: “round_prefer_floor” (default, as known as round half down), “round_prefer_ceil” (as known as round half up), “floor”, “ceil”. Only used by nearest interpolation. It indicates how to get “nearest” pixel in input tensor from x_original, so this attribute is valid only if “mode” is “nearest”.
- Returns:
- YVar
Type T1. N-D tensor after resizing
Notes
Signature:
ai.onnx@19::Resize
.- Type constraints:
T1: tensor(bfloat16), tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
T2: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.reverse_sequence(input: Var, sequence_lens: Var, *, batch_axis: int = 1, time_axis: int = 0) Var [source]
Reverse batch of sequences having different lengths specified by
sequence_lens
.For each slice i iterating on batch axis, the operator reverses the first sequence_lens[i] elements on time axis, and copies elements whose index’s beyond sequence_lens[i] to the output. So the output slice i contains reversed sequences on the first sequence_lens[i] elements, then have original values copied for the other elements.
Example 1: input = [[0.0, 4.0, 8.0, 12.0], [1.0, 5.0, 9.0, 13.0], [2.0, 6.0, 10.0, 14.0], [3.0, 7.0, 11.0, 15.0]] sequence_lens = [4, 3, 2, 1] time_axis = 0 batch_axis = 1
output = [[3.0, 6.0, 9.0, 12.0], [2.0, 5.0, 8.0, 13.0], [1.0, 4.0, 10.0, 14.0], [0.0, 7.0, 11.0, 15.0]]
Example 2: input = [[0.0, 1.0, 2.0, 3.0 ], [4.0, 5.0, 6.0, 7.0 ], [8.0, 9.0, 10.0, 11.0], [12.0, 13.0, 14.0, 15.0]] sequence_lens = [1, 2, 3, 4] time_axis = 1 batch_axis = 0
output = [[0.0, 1.0, 2.0, 3.0 ], [5.0, 4.0, 6.0, 7.0 ], [10.0, 9.0, 8.0, 11.0], [15.0, 14.0, 13.0, 12.0]]
- Parameters:
- input
Type T. Tensor of rank r >= 2.
- sequence_lens
Type tensor(int64). Tensor specifying lengths of the sequences in a batch. It has shape
[batch_size]
.- batch_axis
Attribute. (Optional) Specify which axis is batch axis. Must be one of 1 (default), or 0.
- time_axis
Attribute. (Optional) Specify which axis is time axis. Must be one of 0 (default), or 1.
- Returns:
- YVar
Type T. Tensor with same shape of input.
Notes
Signature:
ai.onnx@10::ReverseSequence
.- Type constraints:
T: tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.rnn(X: Var, W: Var, R: Var, B: Var | None = None, sequence_lens: Var | None = None, initial_h: Var | None = None, *, activation_alpha: Iterable[float] | None = None, activation_beta: Iterable[float] | None = None, activations: Iterable[str] = ('Tanh', 'Tanh'), clip: float | None = None, direction: str = 'forward', hidden_size: int | None = None, layout: int = 0) tuple[Var, Var] [source]
Computes an one-layer simple RNN. This operator is usually supported via some custom implementation such as CuDNN.
Notations:
X
- input tensori
- input gatet
- time step (t-1 means previous time step)Wi
- W parameter weight matrix for input gateRi
- R recurrence weight matrix for input gateWbi
- W parameter bias vector for input gateRbi
- R parameter bias vector for input gateWBi
- W parameter weight matrix for backward input gateRBi
- R recurrence weight matrix for backward input gateWBbi
- WR bias vectors for backward input gateRBbi
- RR bias vectors for backward input gateH
- Hidden statenum_directions
- 2 if direction == bidirectional else 1
Activation functions:
Relu(x) - max(0, x)
Tanh(x) - (1 - e^{-2x})/(1 + e^{-2x})
Sigmoid(x) - 1/(1 + e^{-x})
NOTE: Below are optional
Affine(x) - alpha*x + beta
LeakyRelu(x) - x if x >= 0 else alpha * x
ThresholdedRelu(x) - x if x >= alpha else 0
ScaledTanh(x) - alphaTanh(betax)
HardSigmoid(x) - min(max(alpha*x + beta, 0), 1)
Elu(x) - x if x >= 0 else alpha*(e^x - 1)
Softsign(x) - x/(1 + |x|)
Softplus(x) - log(1 + e^x)
Equations (Default: f=Tanh):
Ht = f(Xt*(Wi^T) + Ht-1*(Ri^T) + Wbi + Rbi) This operator has optional inputs/outputs. See the doc for more details about the representation of optional arguments. An empty string may be used in the place of an actual argument’s name to indicate a missing argument. Trailing optional arguments (those not followed by an argument that is present) may also be simply omitted.
- Parameters:
- X
Type T. The input sequences packed (and potentially padded) into one 3-D tensor with the shape of
[seq_length, batch_size, input_size]
.- W
Type T. The weight tensor for input gate. Concatenation of
Wi
andWBi
(if bidirectional). The tensor has shape[num_directions, hidden_size, input_size]
.- R
Type T. The recurrence weight tensor. Concatenation of
Ri
andRBi
(if bidirectional). The tensor has shape[num_directions, hidden_size, hidden_size]
.- B
Type T. The bias tensor for input gate. Concatenation of
[Wbi, Rbi]
and[WBbi, RBbi]
(if bidirectional). The tensor has shape[num_directions, 2*hidden_size]
. Optional: If not specified - assumed to be 0.- sequence_lens
Type T1. Optional tensor specifying lengths of the sequences in a batch. If not specified - assumed all sequences in the batch to have length
seq_length
. It has shape[batch_size]
.- initial_h
Type T. Optional initial value of the hidden. If not specified - assumed to be 0. It has shape
[num_directions, batch_size, hidden_size]
.- activation_alpha
Attribute. Optional scaling values used by some activation functions. The values are consumed in the order of activation functions, for example (f, g, h) in LSTM. Default values are the same as of corresponding ONNX operators.For example with LeakyRelu, the default alpha is 0.01.
- activation_beta
Attribute. Optional scaling values used by some activation functions. The values are consumed in the order of activation functions, for example (f, g, h) in LSTM. Default values are the same as of corresponding ONNX operators.
- activations
Attribute. One (or two if bidirectional) activation function for input gate. The activation function must be one of the activation functions specified above. Optional: Default
Tanh
if not specified.- clip
Attribute. Cell clip threshold. Clipping bounds the elements of a tensor in the range of [-threshold, +threshold] and is applied to the input of activations. No clip if not specified.
- direction
Attribute. Specify if the RNN is forward, reverse, or bidirectional. Must be one of forward (default), reverse, or bidirectional.
- hidden_size
Attribute. Number of neurons in the hidden layer
- layout
Attribute. The shape format of inputs X, initial_h and outputs Y, Y_h. If 0, the following shapes are expected: X.shape = [seq_length, batch_size, input_size], Y.shape = [seq_length, num_directions, batch_size, hidden_size], initial_h.shape = Y_h.shape = [num_directions, batch_size, hidden_size]. If 1, the following shapes are expected: X.shape = [batch_size, seq_length, input_size], Y.shape = [batch_size, seq_length, num_directions, hidden_size], initial_h.shape = Y_h.shape = [batch_size, num_directions, hidden_size].
- Returns:
- YVar
Type T. A tensor that concats all the intermediate output values of the hidden. It has shape
[seq_length, num_directions, batch_size, hidden_size]
.- Y_hVar
Type T. The last output value of the hidden. It has shape
[num_directions, batch_size, hidden_size]
.
Notes
Signature:
ai.onnx@14::RNN
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
T1: tensor(int32)
- spox.opset.ai.onnx.v19.roi_align(X: Var, rois: Var, batch_indices: Var, *, coordinate_transformation_mode: str = 'half_pixel', mode: str = 'avg', output_height: int = 1, output_width: int = 1, sampling_ratio: int = 0, spatial_scale: float = 1.0) Var [source]
Region of Interest (RoI) align operation described in the Mask R-CNN paper. RoiAlign consumes an input tensor X and region of interests (rois) to apply pooling across each RoI; it produces a 4-D tensor of shape (num_rois, C, output_height, output_width).
RoiAlign is proposed to avoid the misalignment by removing quantizations while converting from original image into feature map and from feature map into RoI feature; in each ROI bin, the value of the sampled locations are computed directly through bilinear interpolation.
- Parameters:
- X
Type T1. Input data tensor from the previous operator; 4-D feature map of shape (N, C, H, W), where N is the batch size, C is the number of channels, and H and W are the height and the width of the data.
- rois
Type T1. RoIs (Regions of Interest) to pool over; rois is 2-D input of shape (num_rois, 4) given as [[x1, y1, x2, y2], …]. The RoIs’ coordinates are in the coordinate system of the input image. Each coordinate set has a 1:1 correspondence with the ‘batch_indices’ input.
- batch_indices
Type T2. 1-D tensor of shape (num_rois,) with each element denoting the index of the corresponding image in the batch.
- coordinate_transformation_mode
Attribute. Allowed values are ‘half_pixel’ and ‘output_half_pixel’. Use the value ‘half_pixel’ to pixel shift the input coordinates by -0.5 (the recommended behavior). Use the value ‘output_half_pixel’ to omit the pixel shift for the input (use this for a backward-compatible behavior).
- mode
Attribute. The pooling method. Two modes are supported: ‘avg’ and ‘max’. Default is ‘avg’.
- output_height
Attribute. default 1; Pooled output Y’s height.
- output_width
Attribute. default 1; Pooled output Y’s width.
- sampling_ratio
Attribute. Number of sampling points in the interpolation grid used to compute the output value of each pooled output bin. If > 0, then exactly sampling_ratio x sampling_ratio grid points are used. If == 0, then an adaptive number of grid points are used (computed as ceil(roi_width / output_width), and likewise for height). Default is 0.
- spatial_scale
Attribute. Multiplicative spatial scale factor to translate ROI coordinates from their input spatial scale to the scale used when pooling, i.e., spatial scale of the input feature map X relative to the input image. E.g.; default is 1.0f.
- Returns:
- YVar
Type T1. RoI pooled output, 4-D tensor of shape (num_rois, C, output_height, output_width). The r-th batch element Y[r-1] is a pooled feature map corresponding to the r-th RoI X[r-1].
Notes
Signature:
ai.onnx@16::RoiAlign
.- Type constraints:
T1: tensor(double), tensor(float), tensor(float16)
T2: tensor(int64)
- spox.opset.ai.onnx.v19.round(X: Var) Var [source]
Round takes one input Tensor and rounds the values, element-wise, meaning it finds the nearest integer for each value. In case of halves, the rule is to round them to the nearest even integer. If input x is integral, +0, -0, NaN, or infinite, x itself is returned. The output tensor has the same shape and type as the input.
Examples:
round([0.9]) = [1.0] round([2.5]) = [2.0] round([2.3]) = [2.0] round([1.5]) = [2.0] round([-4.5]) = [-4.0]
- Parameters:
- X
Type T. Input tensor
- Returns:
- YVar
Type T. Output tensor
Notes
Signature:
ai.onnx@11::Round
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.scan(initial_state_and_scan_inputs: Sequence[Var], *, body: Callable[[...], Iterable[Var]], num_scan_inputs: int, scan_input_axes: Iterable[int] | None = None, scan_input_directions: Iterable[int] | None = None, scan_output_axes: Iterable[int] | None = None, scan_output_directions: Iterable[int] | None = None) Sequence[Var] [source]
Scan can be used to iterate over one or more scan_input tensors, constructing zero or more scan_output tensors. It combines ideas from general recurrences, functional programming constructs such as scan, fold, map, and zip, and is intended to enable generalizations of RNN-like constructs for sequence-to-sequence processing. Other tensors (referred to as state_variables here) can be used to carry a state when iterating from one element to another (similar to hidden-state in RNNs, also referred to as loop-carried dependences in the context of loops). Many common usages involve a single scan_input tensor (where functionality similar to scan, fold and map can be obtained). When more than one scan_input is used, a behavior similar to zip is obtained.
The attribute body must be a graph, specifying the computation to be performed in every iteration. It takes as input the current values of the state_variables and the current iterated element of the scan_inputs. It must return the (updated) values of the state_variables and zero or more scan_output_element tensors. The values of the scan_output_element tensors are concatenated over all the iterations to produce the scan_output values of the scan construct (similar to the concatenated intermediate hidden-state values of RNN-like constructs). All the output tensors (state_variables as well as scan_output_element tensors) are required to have the same shape in each iteration of the loop (a restriction imposed to enable efficient memory allocation).
Note that the iterated element passed to the body subgraph does not have a sequence axis. It will have a rank one less than the rank of the corresponding scan_input.
The scan operation returns the final values of the state_variables as well as the scan_outputs.
The optional attribute scan_input_directions specifies the direction (forward or backward) for each scan input. If this attribute is omitted, all sequences are scanned in the forward direction. A bidirectional scan may be performed by specifying the same tensor input twice in the scan_inputs, once with a forward direction, and once with a backward direction.
The scan_output of the operation is produced by concatenating the scan_output_element values produced by the body in each iteration. The optional attribute scan_output_directions specifies the direction in which scan_output is constructed (by appending or prepending the scan_output_element to scan_output in each iteration) for each scan_output. If this attribute is omitted, the scan_output_element is appended to the scan_output in each iteration.
The optional attribute scan_input_axes specifies the axis to be scanned for each scan_input. If omitted, every scan_input will be scanned in axis 0. For example, if axis 0 is the batch axis and axis 1 is the time axis (to be scanned), specify an axis value of 1. Note that scanning a non-zero axis may be less efficient than scanning axis zero.
The optional attribute scan_output_axes specifies the axis along which the scan_outputs are accumulated for each scan_output. For example, if axis 1 is the time axis (to be scanned) for both inputs and outputs, specify a scan_input axis and scan_output axis value of 1.
Note that because of the ONNX restriction that only the last parameter of an operator can be variadic, the initial-states and scan-inputs are listed together as one input parameter. Similarly, the final-states and scan-outputs are listed together as one output parameter. The attribute num_scan_inputs indicates the number M of scan-inputs.
The behavior of
Scan < num_scan_inputs = m, body = loop-body, scan_input_axes = [axis_1, ..., axis_m] > (init_1, ..., init_n, scan_1, ..., scan_m)
is equivalent to the following pseudo-code:
// scan_i.shape[axis_i] denotes the (max) sequence-length of scan_i // scan_i.shape[axis_i] is required to be equal to scan_j.shape[axis_j] for all i,j. sequence_length = scan_1.shape[axis_1]; // initialize state-variables st_1 = init_1; ... st_n = init_n; // initialize scan-output variables: [] denotes an empty tensor scan_out_1 = []; ...; scan_out_k = []; // identify number of iterations: // execute loop for (int t = 0; t < sequence_length; ++t) { // generate the scan-input elements: the notation T<axis=k>[t] indicates the sub-tensor // of rank one less than T obtained by indexing T at position t along axis k. si_1 = scan_1<axis=axis_1>[t]; ... ; si_m = scan_m<axis=axis_m>[t]; // execute loop-body st_1, ..., st_n, so_1, ..., so_k = loop-body(st_1, ..., st_n, si_1, ..., si_m) // accumulate the scan-output elements scan_out_1 = Concat<axis=0>(scan_out_1, so_1); ... ; scan_out_k = Concat<axis=0>(scan_out_k, so_k); } return st_1, ..., st_n, scan_out_1, ..., scan_out_k;
Sample usage: Encoding RNN using a Scan
The following example shows how a simple RNN over an input tensor %X, with weight tensor %Wi, recurrence weight tensor %Ri, bias tensors %Wbi and %Rbi, and initial hidden-state %H_0 can be encoded as a ScanLoop. Note that the loop-body is a nested graph, and it directly computes %Wi, %Ri, %Wbi, and %Rbi (typically constants or initializers in the body graph). If these values are computed in the outer graph, they need to be passed in as extra state_variables.
graph rnn-encoding { %H_0 = ... %X = ... %Y_h, %Y = Scan[body = <graph rnn-cell-1>, num_scan_inputs=1](%H_0, %X) return %Y, %Y_h } graph rnn-cell-1 ( %H_tminus1[FLOAT, tensor] %X_t[FLOAT, tensor] ) { %Wi = ... %Ri = ... %Wbi = ... %Rbi = ... %t1 = X_t * (Wi^T) %t2 = H_tminus1*(Ri^T) %t3 = Add(%t1, %t2) %t4 = Add(%t3, %Wbi) %t5 = Add(%t4, %Rbi) %Ht = Tanh(%t5) %Accumulate = Identity(%Ht) return %Ht, %Accumulate }
- Parameters:
- initial_state_and_scan_inputs
Type V. Initial values of the loop’s N state variables followed by M scan_inputs
- body
Attribute. The graph run each iteration. It has N+M inputs: (loop state variables…, scan_input_elts…). It has N+K outputs: (loop state variables…, scan_output_elts…). Each scan_output is created by concatenating the value of the specified scan_output_elt value at the end of each iteration of the loop. It is an error if the dimensions of these values change across loop iterations.
- num_scan_inputs
Attribute. An attribute specifying the number of scan_inputs M.
- scan_input_axes
Attribute. An optional list of M flags. The i-th element of the list specifies the axis to be scanned (the sequence axis) for the i-th scan_input. If omitted, 0 will be used as the scan axis for every scan_input. Negative value for an axis means counting dimensions from the back. Accepted range is [-r, r-1] where r = rank(input).
- scan_input_directions
Attribute. An optional list of M flags. The i-th element of the list specifies the direction to be scanned for the i-th scan_input tensor: 0 indicates forward direction and 1 indicates reverse direction. If omitted, all scan_input tensors will be scanned in the forward direction.
- scan_output_axes
Attribute. An optional list of K flags. The i-th element of the list specifies the axis for the i-th scan_output. The scan outputs are accumulated along the specified axis. If omitted, 0 will be used as the scan axis for every scan_output. Negative value for an axis means counting dimensions from the back. Accepted range is [-r, r-1].
- scan_output_directions
Attribute. An optional list of K flags, one for each scan_output. The i-th element of the list specifies whether the i-th scan_output should be constructed by appending or prepending a new value in each iteration: 0 indicates appending and 1 indicates prepending. If omitted, all scan_output tensors will be produced by appending a value in each iteration.
- Returns:
- final_state_and_scan_outputsSequence[Var]
Type V. Final values of the loop’s N state variables followed by K scan_outputs
Notes
Signature:
ai.onnx@19::Scan
.- Type constraints:
V: tensor(bfloat16), tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(float8e4m3fn), tensor(float8e4m3fnuz), tensor(float8e5m2), tensor(float8e5m2fnuz), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.scatter_elements(data: Var, indices: Var, updates: Var, *, axis: int = 0, reduction: str = 'none') Var [source]
ScatterElements takes three inputs
data
,updates
, andindices
of the same rank r >= 1 and an optional attribute axis that identifies an axis ofdata
(by default, the outer-most axis, that is axis 0). The output of the operation is produced by creating a copy of the inputdata
, and then updating its value to values specified byupdates
at specific index positions specified byindices
. Its output shape is the same as the shape ofdata
.For each entry in
updates
, the target index indata
is obtained by combining the corresponding entry inindices
with the index of the entry itself: the index-value for dimension = axis is obtained from the value of the corresponding entry inindices
and the index-value for dimension != axis is obtained from the index of the entry itself.reduction
allows specification of an optional reduction operation, which is applied to all values inupdates
tensor intooutput
at the specifiedindices
. In cases wherereduction
is set to “none”, indices should not have duplicate entries: that is, if idx1 != idx2, then indices[idx1] != indices[idx2]. For instance, in a 2-D tensor case, the update corresponding to the [i][j] entry is performed as below:output[indices[i][j]][j] = updates[i][j] if axis = 0, output[i][indices[i][j]] = updates[i][j] if axis = 1,
When
reduction
is set to some reduction functionf
, the update corresponding to the [i][j] entry is performed as below:output[indices[i][j]][j] = f(output[indices[i][j]][j], updates[i][j]) if axis = 0, output[i][indices[i][j]] = f(output[i][indices[i][j]], updates[i][j]) if axis = 1,
where the
f
is+
,*
,max
ormin
as specified.This operator is the inverse of GatherElements. It is similar to Torch’s Scatter operation.
(Opset 18 change): Adds max/min to the set of allowed reduction ops.
Example 1:
data = [ [0.0, 0.0, 0.0], [0.0, 0.0, 0.0], [0.0, 0.0, 0.0], ] indices = [ [1, 0, 2], [0, 2, 1], ] updates = [ [1.0, 1.1, 1.2], [2.0, 2.1, 2.2], ] output = [ [2.0, 1.1, 0.0] [1.0, 0.0, 2.2] [0.0, 2.1, 1.2] ]
Example 2:
data = [[1.0, 2.0, 3.0, 4.0, 5.0]] indices = [[1, 3]] updates = [[1.1, 2.1]] axis = 1 output = [[1.0, 1.1, 3.0, 2.1, 5.0]]
- Parameters:
- data
Type T. Tensor of rank r >= 1.
- indices
Type Tind. Tensor of int32/int64 indices, of r >= 1 (same rank as input). All index values are expected to be within bounds [-s, s-1] along axis of size s. It is an error if any of the index values are out of bounds.
- updates
Type T. Tensor of rank r >=1 (same rank and shape as indices)
- axis
Attribute. Which axis to scatter on. Negative value means counting dimensions from the back. Accepted range is [-r, r-1] where r = rank(data).
- reduction
Attribute. Type of reduction to apply: none (default), add, mul, max, min. ‘none’: no reduction applied. ‘add’: reduction using the addition operation. ‘mul’: reduction using the multiplication operation.’max’: reduction using the maximum operation.’min’: reduction using the minimum operation.
- Returns:
- outputVar
Type T. Tensor of rank r >= 1 (same rank as input).
Notes
Signature:
ai.onnx@18::ScatterElements
.- Type constraints:
T: tensor(bfloat16), tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
Tind: tensor(int32), tensor(int64)
- spox.opset.ai.onnx.v19.scatter_nd(data: Var, indices: Var, updates: Var, *, reduction: str = 'none') Var [source]
ScatterND takes three inputs
data
tensor of rank r >= 1,indices
tensor of rank q >= 1, andupdates
tensor of rank q + r - indices.shape[-1] - 1. The output of the operation is produced by creating a copy of the inputdata
, and then updating its value to values specified byupdates
at specific index positions specified byindices
. Its output shape is the same as the shape ofdata
.indices
is an integer tensor. Let k denote indices.shape[-1], the last dimension in the shape ofindices
.indices
is treated as a (q-1)-dimensional tensor of k-tuples, where each k-tuple is a partial-index intodata
. Hence, k can be a value at most the rank ofdata
. When k equals rank(data), each update entry specifies an update to a single element of the tensor. When k is less than rank(data) each update entry specifies an update to a slice of the tensor. Index values are allowed to be negative, as per the usual convention for counting backwards from the end, but are expected in the valid range.updates
is treated as a (q-1)-dimensional tensor of replacement-slice-values. Thus, the first (q-1) dimensions of updates.shape must match the first (q-1) dimensions of indices.shape. The remaining dimensions ofupdates
correspond to the dimensions of the replacement-slice-values. Each replacement-slice-value is a (r-k) dimensional tensor, corresponding to the trailing (r-k) dimensions ofdata
. Thus, the shape ofupdates
must equal indices.shape[0:q-1] ++ data.shape[k:r-1], where ++ denotes the concatenation of shapes.The
output
is calculated via the following equation:output = np.copy(data) update_indices = indices.shape[:-1] for idx in np.ndindex(update_indices): output[indices[idx]] = updates[idx]
The order of iteration in the above loop is not specified. In particular, indices should not have duplicate entries: that is, if idx1 != idx2, then indices[idx1] != indices[idx2]. This ensures that the output value does not depend on the iteration order.
reduction
allows specification of an optional reduction operation, which is applied to all values inupdates
tensor intooutput
at the specifiedindices
. In cases wherereduction
is set to “none”, indices should not have duplicate entries: that is, if idx1 != idx2, then indices[idx1] != indices[idx2]. This ensures that the output value does not depend on the iteration order. Whenreduction
is set to some reduction functionf
,output
is calculated as follows:output = np.copy(data) update_indices = indices.shape[:-1] for idx in np.ndindex(update_indices): output[indices[idx]] = f(output[indices[idx]], updates[idx])
where the
f
is+
,*
,max
ormin
as specified.This operator is the inverse of GatherND.
(Opset 18 change): Adds max/min to the set of allowed reduction ops.
Example 1:
data = [1, 2, 3, 4, 5, 6, 7, 8] indices = [[4], [3], [1], [7]] updates = [9, 10, 11, 12] output = [1, 11, 3, 10, 9, 6, 7, 12]
Example 2:
data = [[[1, 2, 3, 4], [5, 6, 7, 8], [8, 7, 6, 5], [4, 3, 2, 1]], [[1, 2, 3, 4], [5, 6, 7, 8], [8, 7, 6, 5], [4, 3, 2, 1]], [[8, 7, 6, 5], [4, 3, 2, 1], [1, 2, 3, 4], [5, 6, 7, 8]], [[8, 7, 6, 5], [4, 3, 2, 1], [1, 2, 3, 4], [5, 6, 7, 8]]] indices = [[0], [2]] updates = [[[5, 5, 5, 5], [6, 6, 6, 6], [7, 7, 7, 7], [8, 8, 8, 8]], [[1, 1, 1, 1], [2, 2, 2, 2], [3, 3, 3, 3], [4, 4, 4, 4]]] output = [[[5, 5, 5, 5], [6, 6, 6, 6], [7, 7, 7, 7], [8, 8, 8, 8]], [[1, 2, 3, 4], [5, 6, 7, 8], [8, 7, 6, 5], [4, 3, 2, 1]], [[1, 1, 1, 1], [2, 2, 2, 2], [3, 3, 3, 3], [4, 4, 4, 4]], [[8, 7, 6, 5], [4, 3, 2, 1], [1, 2, 3, 4], [5, 6, 7, 8]]]
- Parameters:
- data
Type T. Tensor of rank r >= 1.
- indices
Type tensor(int64). Tensor of rank q >= 1.
- updates
Type T. Tensor of rank q + r - indices_shape[-1] - 1.
- reduction
Attribute. Type of reduction to apply: none (default), add, mul, max, min. ‘none’: no reduction applied. ‘add’: reduction using the addition operation. ‘mul’: reduction using the addition operation. ‘max’: reduction using the maximum operation.’min’: reduction using the minimum operation.
- Returns:
- outputVar
Type T. Tensor of rank r >= 1.
Notes
Signature:
ai.onnx@18::ScatterND
.- Type constraints:
T: tensor(bfloat16), tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.selu(X: Var, *, alpha: float = 1.6732631921768188, gamma: float = 1.0507010221481323) Var [source]
Selu takes one input data (Tensor<T>) and produces one output data (Tensor<T>) where the scaled exponential linear unit function,
y = gamma * (alpha * e^x - alpha) for x <= 0
,y = gamma * x for x > 0
, is applied to the tensor elementwise.- Parameters:
- X
Type T. Input tensor
- alpha
Attribute. Coefficient of SELU default to 1.67326319217681884765625 (i.e., float32 approximation of 1.6732632423543772848170429916717).
- gamma
Attribute. Coefficient of SELU default to 1.05070102214813232421875 (i.e., float32 approximation of 1.0507009873554804934193349852946).
- Returns:
- YVar
Type T. Output tensor
Notes
Signature:
ai.onnx@6::Selu
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.sequence_at(input_sequence: Var, position: Var) Var [source]
Outputs a tensor copy from the tensor at ‘position’ in ‘input_sequence’. Accepted range for ‘position’ is in
[-n, n - 1]
, wheren
is the number of tensors in ‘input_sequence’. Negative value means counting positions from the back.- Parameters:
- input_sequence
Type S. Input sequence.
- position
Type I. Position of the tensor in the sequence. Negative value means counting positions from the back. Accepted range in
[-n, n - 1]
, wheren
is the number of tensors in ‘input_sequence’. It is an error if any of the index values are out of bounds. It must be a scalar(tensor of empty shape).
- Returns:
- tensorVar
Type T. Output tensor at the specified position in the input sequence.
Notes
Signature:
ai.onnx@11::SequenceAt
.- Type constraints:
S: seq(tensor(bool)), seq(tensor(complex128)), seq(tensor(complex64)), seq(tensor(double)), seq(tensor(float)), seq(tensor(float16)), seq(tensor(int16)), seq(tensor(int32)), seq(tensor(int64)), seq(tensor(int8)), seq(tensor(string)), seq(tensor(uint16)), seq(tensor(uint32)), seq(tensor(uint64)), seq(tensor(uint8))
I: tensor(int32), tensor(int64)
T: tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.sequence_construct(inputs: Sequence[Var]) Var [source]
Construct a tensor sequence containing ‘inputs’ tensors. All tensors in ‘inputs’ must have the same data type.
- Parameters:
- inputs
Type T. Tensors.
- Returns:
- output_sequenceVar
Type S. Sequence enclosing the input tensors.
Notes
Signature:
ai.onnx@11::SequenceConstruct
.- Type constraints:
T: tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
S: seq(tensor(bool)), seq(tensor(complex128)), seq(tensor(complex64)), seq(tensor(double)), seq(tensor(float)), seq(tensor(float16)), seq(tensor(int16)), seq(tensor(int32)), seq(tensor(int64)), seq(tensor(int8)), seq(tensor(string)), seq(tensor(uint16)), seq(tensor(uint32)), seq(tensor(uint64)), seq(tensor(uint8))
- spox.opset.ai.onnx.v19.sequence_empty(*, dtype: dtype[Any] | None | type[Any] | _SupportsDType[dtype[Any]] | str | tuple[Any, int] | tuple[Any, SupportsIndex | Sequence[SupportsIndex]] | list[Any] | _DTypeDict | tuple[Any, Any] = None) Var [source]
Construct an empty tensor sequence, with given data type.
- Parameters:
- dtype
Attribute. (Optional) The data type of the tensors in the output sequence. The default type is ‘float’.
- Returns:
- outputVar
Type S. Empty sequence.
Notes
Signature:
ai.onnx@11::SequenceEmpty
.- Type constraints:
S: seq(tensor(bool)), seq(tensor(complex128)), seq(tensor(complex64)), seq(tensor(double)), seq(tensor(float)), seq(tensor(float16)), seq(tensor(int16)), seq(tensor(int32)), seq(tensor(int64)), seq(tensor(int8)), seq(tensor(string)), seq(tensor(uint16)), seq(tensor(uint32)), seq(tensor(uint64)), seq(tensor(uint8))
- spox.opset.ai.onnx.v19.sequence_erase(input_sequence: Var, position: Var | None = None) Var [source]
Outputs a tensor sequence that removes the tensor at ‘position’ from ‘input_sequence’. Accepted range for ‘position’ is in
[-n, n - 1]
, wheren
is the number of tensors in ‘input_sequence’. Negative value means counting positions from the back. ‘position’ is optional, by default it erases the last tensor from ‘input_sequence’.- Parameters:
- input_sequence
Type S. Input sequence.
- position
Type I. Position of the tensor in the sequence. Negative value means counting positions from the back. Accepted range in
[-n, n - 1]
, wheren
is the number of tensors in ‘input_sequence’. It is an error if any of the index values are out of bounds. It must be a scalar(tensor of empty shape).
- Returns:
- output_sequenceVar
Type S. Output sequence that has the tensor at the specified position removed.
Notes
Signature:
ai.onnx@11::SequenceErase
.- Type constraints:
S: seq(tensor(bool)), seq(tensor(complex128)), seq(tensor(complex64)), seq(tensor(double)), seq(tensor(float)), seq(tensor(float16)), seq(tensor(int16)), seq(tensor(int32)), seq(tensor(int64)), seq(tensor(int8)), seq(tensor(string)), seq(tensor(uint16)), seq(tensor(uint32)), seq(tensor(uint64)), seq(tensor(uint8))
I: tensor(int32), tensor(int64)
- spox.opset.ai.onnx.v19.sequence_insert(input_sequence: Var, tensor: Var, position: Var | None = None) Var [source]
Outputs a tensor sequence that inserts ‘tensor’ into ‘input_sequence’ at ‘position’. ‘tensor’ must have the same data type as ‘input_sequence’. Accepted range for ‘position’ is in
[-n, n]
, wheren
is the number of tensors in ‘input_sequence’. Negative value means counting positions from the back. ‘position’ is optional, by default it inserts ‘tensor’ to the back of ‘input_sequence’.- Parameters:
- input_sequence
Type S. Input sequence.
- tensor
Type T. Input tensor to be inserted into the input sequence.
- position
Type I. Position in the sequence where the new tensor is inserted. It is optional and default is to insert to the back of the sequence. Negative value means counting positions from the back. Accepted range in
[-n, n]
, wheren
is the number of tensors in ‘input_sequence’. It is an error if any of the index values are out of bounds. It must be a scalar(tensor of empty shape).
- Returns:
- output_sequenceVar
Type S. Output sequence that contains the inserted tensor at given position.
Notes
Signature:
ai.onnx@11::SequenceInsert
.- Type constraints:
S: seq(tensor(bool)), seq(tensor(complex128)), seq(tensor(complex64)), seq(tensor(double)), seq(tensor(float)), seq(tensor(float16)), seq(tensor(int16)), seq(tensor(int32)), seq(tensor(int64)), seq(tensor(int8)), seq(tensor(string)), seq(tensor(uint16)), seq(tensor(uint32)), seq(tensor(uint64)), seq(tensor(uint8))
T: tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
I: tensor(int32), tensor(int64)
- spox.opset.ai.onnx.v19.sequence_length(input_sequence: Var) Var [source]
Produces a scalar(tensor of empty shape) containing the number of tensors in ‘input_sequence’.
- Parameters:
- input_sequence
Type S. Input sequence.
- Returns:
- lengthVar
Type I. Length of input sequence. It must be a scalar(tensor of empty shape).
Notes
Signature:
ai.onnx@11::SequenceLength
.- Type constraints:
S: seq(tensor(bool)), seq(tensor(complex128)), seq(tensor(complex64)), seq(tensor(double)), seq(tensor(float)), seq(tensor(float16)), seq(tensor(int16)), seq(tensor(int32)), seq(tensor(int64)), seq(tensor(int8)), seq(tensor(string)), seq(tensor(uint16)), seq(tensor(uint32)), seq(tensor(uint64)), seq(tensor(uint8))
I: tensor(int64)
- spox.opset.ai.onnx.v19.sequence_map(input_sequence: Var, additional_inputs: Sequence[Var] = (), *, body: Callable[[...], Iterable[Var]]) Sequence[Var] [source]
Applies a sub-graph to each sample in the input sequence(s).
Inputs can be either tensors or sequences, with the exception of the first input which must be a sequence. The length of the first input sequence will determine the number of samples in the outputs. Any other sequence inputs should have the same number of samples. The number of inputs and outputs, should match the one of the subgraph.
For each i-th element in the output, a sample will be extracted from the input sequence(s) at the i-th position and the sub-graph will be applied to it. The outputs will contain the outputs of the sub-graph for each sample, in the same order as in the input.
This operator assumes that processing each sample is independent and could executed in parallel or in any order. Users cannot expect any specific ordering in which each subgraph is computed.
- Parameters:
- input_sequence
Type S. Input sequence.
- additional_inputs
Type V. Additional inputs to the graph
- body
Attribute. The graph to be run for each sample in the sequence(s). It should have as many inputs and outputs as inputs and outputs to the SequenceMap function.
- Returns:
- out_sequenceSequence[Var]
Type S. Output sequence(s)
Notes
Signature:
ai.onnx@17::SequenceMap
.- Type constraints:
S: seq(tensor(bool)), seq(tensor(complex128)), seq(tensor(complex64)), seq(tensor(double)), seq(tensor(float)), seq(tensor(float16)), seq(tensor(int16)), seq(tensor(int32)), seq(tensor(int64)), seq(tensor(int8)), seq(tensor(string)), seq(tensor(uint16)), seq(tensor(uint32)), seq(tensor(uint64)), seq(tensor(uint8))
V: seq(tensor(bool)), seq(tensor(complex128)), seq(tensor(complex64)), seq(tensor(double)), seq(tensor(float)), seq(tensor(float16)), seq(tensor(int16)), seq(tensor(int32)), seq(tensor(int64)), seq(tensor(int8)), seq(tensor(string)), seq(tensor(uint16)), seq(tensor(uint32)), seq(tensor(uint64)), seq(tensor(uint8)), tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.shape(data: Var, *, end: int | None = None, start: int = 0) Var [source]
Takes a tensor as input and outputs an 1D int64 tensor containing the shape of the input tensor. Optional attributes start and end can be used to compute a slice of the input tensor’s shape. If start axis is omitted, the slice starts from axis 0. The end axis, if specified, is exclusive (and the returned value will not include the size of that axis). If the end axis is omitted, the axes upto the last one will be included. Negative axes indicate counting back from the last axis. Note that axes will be clamped to the range [0, r-1], where r is the rank of the input tensor if they are out-of-range (after adding r in the case of negative axis). Thus, specifying any end value > r is equivalent to specifying an end value of r, and specifying any start value < -r is equivalent to specifying a start value of 0.
Examples:
Input tensor with shape: [2, 3, 4] No attributes specified. Output: [2, 3, 4]
Input tensor with shape: [2, 3, 4] start: -1 Output: [4]
Input tensor with shape: [2, 3, 4] end: -1 Output: [2, 3]
Input tensor with shape: [2, 3, 4] start: 1 end: 2 Output: [3]
- Parameters:
- data
Type T. An input tensor.
- end
Attribute. (Optional) Ending axis for slicing the shape. Negative value means counting dimensions from the back. If omitted, sizes of all axes upto (including) the last one will be included.
- start
Attribute. (Optional) Starting axis for slicing the shape. Default value is 0.Negative value means counting dimensions from the back.
- Returns:
- shapeVar
Type T1. Shape of the input tensor
Notes
Signature:
ai.onnx@19::Shape
.- Type constraints:
T: tensor(bfloat16), tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(float8e4m3fn), tensor(float8e4m3fnuz), tensor(float8e5m2), tensor(float8e5m2fnuz), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
T1: tensor(int64)
- spox.opset.ai.onnx.v19.shrink(input: Var, *, bias: float = 0.0, lambd: float = 0.5) Var [source]
Shrink takes one input data (Tensor) and produces one Tensor output, having same datatype and shape with input. It has two attributes, lambd and bias. The formula of this operator is: If x < -lambd, y = x + bias; If x > lambd, y = x - bias; Otherwise, y = 0.
- Parameters:
- input
Type T. The input data as Tensor.
- bias
Attribute. The bias value added to output. Default is 0.
- lambd
Attribute. The lambd value for the Shrink formulation. Default is 0.5.
- Returns:
- outputVar
Type T. The output.
Notes
Signature:
ai.onnx@9::Shrink
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.sigmoid(X: Var) Var [source]
Sigmoid takes one input data (Tensor<T>) and produces one output data (Tensor<T>) where the sigmoid function, y = 1 / (1 + exp(-x)), is applied to the tensor elementwise.
- Parameters:
- X
Type T. Input tensor
- Returns:
- YVar
Type T. Output tensor
Notes
Signature:
ai.onnx@13::Sigmoid
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.sign(input: Var) Var [source]
Calculate the sign of the given input tensor element-wise. If input > 0, output 1. if input < 0, output -1. if input == 0, output 0.
- Parameters:
- input
Type T. Input tensor
- Returns:
- outputVar
Type T. The sign of the input tensor computed element-wise. It has the same shape and type of the input.
Notes
Signature:
ai.onnx@13::Sign
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.sin(input: Var) Var [source]
Calculates the sine of the given input tensor, element-wise.
- Parameters:
- input
Type T. Input tensor
- Returns:
- outputVar
Type T. The sine of the input tensor computed element-wise
Notes
Signature:
ai.onnx@7::Sin
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.sinh(input: Var) Var [source]
Calculates the hyperbolic sine of the given input tensor element-wise.
- Parameters:
- input
Type T. Input tensor
- Returns:
- outputVar
Type T. The hyperbolic sine values of the input tensor computed element-wise
Notes
Signature:
ai.onnx@9::Sinh
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.size(data: Var) Var [source]
Takes a tensor as input and outputs a int64 scalar that equals to the total number of elements of the input tensor.
- Parameters:
- data
Type T. An input tensor.
- Returns:
- sizeVar
Type T1. Total number of elements of the input tensor
Notes
Signature:
ai.onnx@19::Size
.- Type constraints:
T: tensor(bfloat16), tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(float8e4m3fn), tensor(float8e4m3fnuz), tensor(float8e5m2), tensor(float8e5m2fnuz), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
T1: tensor(int64)
- spox.opset.ai.onnx.v19.slice(data: Var, starts: Var, ends: Var, axes: Var | None = None, steps: Var | None = None) Var [source]
Produces a slice of the input tensor along multiple axes. Similar to numpy: https://numpy.org/doc/stable/user/basics.indexing.html?highlight=slice#slicing-and-striding
Slice uses the
starts
,ends
,axes
andsteps
inputs to select a sub-tensor of its inputdata
tensor.An effective
starts[i]
,ends[i]
, andsteps[i]
must be computed for eachi
in[0, ... r-1]
wherer = rank(input)
as follows:If
axes
are omitted, they are set to[0, ..., r-1]
. Ifsteps
are omitted, they are set to[1, ..., 1]
of lengthlen(starts)
The effective values are initialized as
start[i] = 0
,ends[i] = dims[i]
wheredims
are the dimensions ofinput
andsteps[i] = 1
.All negative elements of
axes
are made non-negative by addingr
to them, wherer =rank(input)
.All negative values in
starts[i]
andends[i]
havedims[axes[i]]
added to them, wheredims
are the dimensions ofinput
. Thenstart[axes[i]]
is the adjustedstarts[i]
is clamped into the range[0, dims[axes[i]]]
for positive stepping and[0, dims[axes[i]]-1]
for negative stepping.The clamping for the adjusted
ends[i]
depends on the sign ofsteps[i]
and must accommodate copying 0 throughdims[axes[i]]
elements, so for positive steppingends[axes[i]]
is clamped to[0, dims[axes[i]]]
, while for negative stepping it is clamped to[-1, dims[axes[i]]-1]
.Finally,
steps[axes[i]] = steps[i]
.For slicing to the end of a dimension with unknown size, it is recommended to pass in
INT_MAX
when slicing forward and ‘INT_MIN’ when slicing backward.Example 1:
data = [ [1, 2, 3, 4], [5, 6, 7, 8], ] axes = [0, 1] starts = [1, 0] ends = [2, 3] steps = [1, 2] result = [ [5, 7], ]
Example 2:
data = [ [1, 2, 3, 4], [5, 6, 7, 8], ] starts = [0, 1] ends = [-1, 1000] result = [ [2, 3, 4], ]
- Parameters:
- data
Type T. Tensor of data to extract slices from.
- starts
Type Tind. 1-D tensor of starting indices of corresponding axis in
axes
- ends
Type Tind. 1-D tensor of ending indices (exclusive) of corresponding axis in
axes
- axes
Type Tind. 1-D tensor of axes that
starts
andends
apply to. Negative value means counting dimensions from the back. Accepted range is [-r, r-1] where r = rank(data). Behavior is undefined if an axis is repeated.- steps
Type Tind. 1-D tensor of slice step of corresponding axis in
axes
. Negative value means slicing backward. ‘steps’ cannot be 0. Defaults to 1s.
- Returns:
- outputVar
Type T. Sliced data tensor.
Notes
Signature:
ai.onnx@13::Slice
.- Type constraints:
T: tensor(bfloat16), tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
Tind: tensor(int32), tensor(int64)
- spox.opset.ai.onnx.v19.softmax(input: Var, *, axis: int = -1) Var [source]
The operator computes the normalized exponential values for the given input:
Softmax(input, axis) = Exp(input) / ReduceSum(Exp(input), axis=axis, keepdims=1)
The “axis” attribute indicates the dimension along which Softmax will be performed. The output tensor has the same shape and contains the Softmax values of the corresponding input.
- Parameters:
- input
Type T. The input tensor of rank >= axis.
- axis
Attribute. Describes the dimension Softmax will be performed on. Negative value means counting dimensions from the back. Accepted range is [-r, r-1] where r = rank(input).
- Returns:
- outputVar
Type T. The output values with the same shape as the input tensor.
Notes
Signature:
ai.onnx@13::Softmax
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.softmax_cross_entropy_loss(scores: Var, labels: Var, weights: Var | None = None, *, ignore_index: int | None = None, reduction: str = 'mean') tuple[Var, Var] [source]
Loss function that measures the softmax cross entropy between ‘scores’ and ‘labels’. This operator first computes a loss tensor whose shape is identical to the labels input. If the input is 2-D with shape (N, C), the loss tensor may be a N-element vector L = (l_1, l_2, …, l_N). If the input is N-D tensor with shape (N, C, D1, D2, …, Dk), the loss tensor L may have (N, D1, D2, …, Dk) as its shape and L[i,][j_1][j_2]…[j_k] denotes a scalar element in L. After L is available, this operator can optionally do a reduction operator.
shape(scores): (N, C) where C is the number of classes, or (N, C, D1, D2,…, Dk), with K >= 1 in case of K-dimensional loss.
shape(labels): (N) where each value is 0 <= labels[i] <= C-1, or (N, D1, D2,…, Dk), with K >= 1 in case of K-dimensional loss.
The loss for one sample, l_i, can calculated as follows:
l[i][d1][d2]...[dk] = -y[i][c][d1][d2]..[dk], where i is the index of classes.
or
l[i][d1][d2]...[dk] = -y[i][c][d1][d2]..[dk] * weights[c], if 'weights' is provided.
loss is zero for the case when label-value equals ignore_index.
l[i][d1][d2]...[dk] = 0, when labels[n][d1][d2]...[dk] = ignore_index
where:
p = Softmax(scores) y = Log(p) c = labels[i][d1][d2]...[dk]
Finally, L is optionally reduced:
If reduction = ‘none’, the output is L with shape (N, D1, D2, …, Dk).
If reduction = ‘sum’, the output is scalar: Sum(L).
If reduction = ‘mean’, the output is scalar: ReduceMean(L), or if weight is provided:
ReduceSum(L) / ReduceSum(W)
, where tensor W is of shape(N, D1, D2, ..., Dk)
andW[n][d1][d2]...[dk] = weights[labels[i][d1][d2]...[dk]]
.
- Parameters:
- scores
Type T. The predicted outputs with shape [batch_size, class_size], or [batch_size, class_size, D1, D2 , …, Dk], where K is the number of dimensions.
- labels
Type Tind. The ground truth output tensor, with shape [batch_size], or [batch_size, D1, D2, …, Dk], where K is the number of dimensions. Labels element value shall be in range of [0, C). If ignore_index is specified, it may have a value outside [0, C) and the label values should either be in the range [0, C) or have the value ignore_index.
- weights
Type T. A manual rescaling weight given to each class. If given, it has to be a 1D Tensor assigning weight to each of the classes. Otherwise, it is treated as if having all ones.
- ignore_index
Attribute. Specifies a target value that is ignored and does not contribute to the input gradient. It’s an optional value.
- reduction
Attribute. Type of reduction to apply to loss: none, sum, mean(default). ‘none’: no reduction will be applied, ‘sum’: the output will be summed. ‘mean’: the sum of the output will be divided by the number of elements in the output.
- Returns:
- outputVar
Type T. Weighted loss float Tensor. If reduction is ‘none’, this has the shape of [batch_size], or [batch_size, D1, D2, …, Dk] in case of K-dimensional loss. Otherwise, it is a scalar.
- log_probVar
Type T. Log probability tensor. If the output of softmax is prob, its value is log(prob).
Notes
Signature:
ai.onnx@13::SoftmaxCrossEntropyLoss
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16)
Tind: tensor(int32), tensor(int64)
- spox.opset.ai.onnx.v19.softplus(X: Var) Var [source]
Softplus takes one input data (Tensor<T>) and produces one output data (Tensor<T>) where the softplus function, y = ln(exp(x) + 1), is applied to the tensor elementwise.
- Parameters:
- X
Type T. 1D input tensor
- Returns:
- YVar
Type T. 1D input tensor
Notes
Signature:
ai.onnx@1::Softplus
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.softsign(input: Var) Var [source]
Calculates the softsign (x/(1+|x|)) of the given input tensor element-wise.
- Parameters:
- input
Type T. Input tensor
- Returns:
- outputVar
Type T. The softsign (x/(1+|x|)) values of the input tensor computed element-wise
Notes
Signature:
ai.onnx@1::Softsign
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.space_to_depth(input: Var, *, blocksize: int) Var [source]
SpaceToDepth rearranges blocks of spatial data into depth. More specifically, this op outputs a copy of the input tensor where values from the height and width dimensions are moved to the depth dimension.
- Parameters:
- input
Type T. Input tensor of [N,C,H,W], where N is the batch axis, C is the channel or depth, H is the height and W is the width.
- blocksize
Attribute. Blocks of [blocksize, blocksize] are moved.
- Returns:
- outputVar
Type T. Output tensor of [N, C * blocksize * blocksize, H/blocksize, W/blocksize].
Notes
Signature:
ai.onnx@13::SpaceToDepth
.- Type constraints:
T: tensor(bfloat16), tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.split(input: Var, split: Var | None = None, *, axis: int = 0, num_outputs: int | None = None) Sequence[Var] [source]
Split a tensor into a list of tensors, along the specified ‘axis’. Either input ‘split’ or the attribute ‘num_outputs’ should be specified, but not both. If the attribute ‘num_outputs’ is specified, then the tensor is split into equal sized parts. If the tensor is not evenly splittable into
num_outputs
, the last chunk will be smaller. If the input ‘split’ is specified, it indicates the sizes of each output in the split.- Parameters:
- input
Type T. The tensor to split
- split
Type tensor(int64). Optional length of each output. Values should be >= 0.Sum of the values must be equal to the dim value at ‘axis’ specified.
- axis
Attribute. Which axis to split on. A negative value means counting dimensions from the back. Accepted range is [-rank, rank-1] where r = rank(input).
- num_outputs
Attribute. Number of outputs to split parts of the tensor into. If the tensor is not evenly splittable the last chunk will be smaller.
- Returns:
- outputsSequence[Var]
Type T. One or more outputs forming list of tensors after splitting
Notes
Signature:
ai.onnx@18::Split
.- Type constraints:
T: tensor(bfloat16), tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.split_to_sequence(input: Var, split: Var | None = None, *, axis: int = 0, keepdims: int = 1) Var [source]
Split a tensor into a sequence of tensors, along the specified ‘axis’. Lengths of the parts can be specified using the optional argument ‘split’. If the argument
split' is not specified, a default scalar value of 1 is used as the value of
split’. ‘split’ must contain only positive numbers. ‘split’ is either a scalar (tensor of empty shape), or a 1-D tensor. If ‘split’ is a scalar, then ‘input’ will be split into chunks all of size ‘split’ if possible. The last chunk alone may be smaller than ‘split’ if the ‘input’ size along the given axis ‘axis’ is not divisible by ‘split’. If ‘split’ is a 1-dimensional tensor, the input tensor is split into ‘size(split)’ chunks, with lengths of the parts on ‘axis’ specified in ‘split’. In this scenario, the sum of entries in ‘split’ must be equal to the dimension size of input tensor on ‘axis’.- Parameters:
- input
Type T. The tensor to split
- split
Type I. Length of each output. It can be either a scalar(tensor of empty shape), or a 1-D tensor. All values must be >= 0.
- axis
Attribute. Which axis to split on. A negative value means counting dimensions from the back. Accepted range is [-rank, rank-1].
- keepdims
Attribute. Keep the split dimension or not. Default 1, which means we keep split dimension. If input ‘split’ is specified, this attribute is ignored.
- Returns:
- output_sequenceVar
Type S. One or more outputs forming a sequence of tensors after splitting
Notes
Signature:
ai.onnx@11::SplitToSequence
.- Type constraints:
T: tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
I: tensor(int32), tensor(int64)
S: seq(tensor(bool)), seq(tensor(complex128)), seq(tensor(complex64)), seq(tensor(double)), seq(tensor(float)), seq(tensor(float16)), seq(tensor(int16)), seq(tensor(int32)), seq(tensor(int64)), seq(tensor(int8)), seq(tensor(string)), seq(tensor(uint16)), seq(tensor(uint32)), seq(tensor(uint64)), seq(tensor(uint8))
- spox.opset.ai.onnx.v19.sqrt(X: Var) Var [source]
Square root takes one input data (Tensor<T>) and produces one output data (Tensor<T>) where the square root is, y = x^0.5, is applied to the tensor elementwise. If x is negative, then it will return NaN.
- Parameters:
- X
Type T. Input tensor
- Returns:
- YVar
Type T. Output tensor
Notes
Signature:
ai.onnx@13::Sqrt
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.squeeze(data: Var, axes: Var | None = None) Var [source]
Remove single-dimensional entries from the shape of a tensor. Takes an input
axes
with a list of axes to squeeze. Ifaxes
is not provided, all the single dimensions will be removed from the shape. If an axis is selected with shape entry not equal to one, an error is raised.- Parameters:
- data
Type T. Tensors with at least max(dims) dimensions.
- axes
Type tensor(int64). List of integers indicating the dimensions to squeeze. Negative value means counting dimensions from the back. Accepted range is [-r, r-1] where r = rank(data).
- Returns:
- squeezedVar
Type T. Reshaped tensor with same data as input.
Notes
Signature:
ai.onnx@13::Squeeze
.- Type constraints:
T: tensor(bfloat16), tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.stft(signal: Var, frame_step: Var, window: Var | None = None, frame_length: Var | None = None, *, onesided: int = 1) Var [source]
Computes the Short-time Fourier Transform of the signal.
- Parameters:
- signal
Type T1. Input tensor representing a real or complex valued signal. For real input, the following shape is expected: [batch_size][signal_length][1]. For complex input, the following shape is expected: [batch_size][signal_length][2], where [batch_size][signal_length][0] represents the real component and [batch_size][signal_length][1] represents the imaginary component of the signal.
- frame_step
Type T2. The number of samples to step between successive DFTs.
- window
Type T1. A tensor representing the window that will be slid over the signal.The window must have rank 1 with shape: [window_shape]. It’s an optional value.
- frame_length
Type T2. A scalar representing the size of the DFT. It’s an optional value.
- onesided
Attribute. If onesided is 1, only values for w in [0, 1, 2, …, floor(n_fft/2) + 1] are returned because the real-to-complex Fourier transform satisfies the conjugate symmetry, i.e., X[m, w] = X[m,w]=X[m,n_fft-w]*. Note if the input or window tensors are complex, then onesided output is not possible. Enabling onesided with real inputs performs a Real-valued fast Fourier transform (RFFT).When invoked with real or complex valued input, the default value is 1. Values can be 0 or 1.
- Returns:
- outputVar
Type T1. The Short-time Fourier Transform of the signals.If onesided is 1, the output has the shape: [batch_size][frames][dft_unique_bins][2], where dft_unique_bins is frame_length // 2 + 1 (the unique components of the DFT) If onesided is 0, the output has the shape: [batch_size][frames][frame_length][2], where frame_length is the length of the DFT.
Notes
Signature:
ai.onnx@17::STFT
.- Type constraints:
T1: tensor(bfloat16), tensor(double), tensor(float), tensor(float16)
T2: tensor(int32), tensor(int64)
- spox.opset.ai.onnx.v19.string_normalizer(X: Var, *, case_change_action: str = 'NONE', is_case_sensitive: int = 0, locale: str | None = None, stopwords: Iterable[str] | None = None) Var [source]
StringNormalization performs string operations for basic cleaning. This operator has only one input (denoted by X) and only one output (denoted by Y). This operator first examines the elements in the X, and removes elements specified in “stopwords” attribute. After removing stop words, the intermediate result can be further lowercased, uppercased, or just returned depending the “case_change_action” attribute. This operator only accepts [C]- and [1, C]-tensor. If all elements in X are dropped, the output will be the empty value of string tensor with shape [1] if input shape is [C] and shape [1, 1] if input shape is [1, C].
- Parameters:
- X
Type tensor(string). UTF-8 strings to normalize
- case_change_action
Attribute. string enum that cases output to be lowercased/uppercases/unchanged. Valid values are “LOWER”, “UPPER”, “NONE”. Default is “NONE”
- is_case_sensitive
Attribute. Boolean. Whether the identification of stop words in X is case-sensitive. Default is false
- locale
Attribute. Environment dependent string that denotes the locale according to which output strings needs to be upper/lowercased.Default en_US or platform specific equivalent as decided by the implementation.
- stopwords
Attribute. List of stop words. If not set, no word would be removed from X.
- Returns:
- YVar
Type tensor(string). UTF-8 Normalized strings
Notes
Signature:
ai.onnx@10::StringNormalizer
.
- spox.opset.ai.onnx.v19.sub(A: Var, B: Var) Var [source]
Performs element-wise binary subtraction (with Numpy-style broadcasting support).
This operator supports multidirectional (i.e., Numpy-style) broadcasting; for more details please check the doc.
(Opset 14 change): Extend supported types to include uint8, int8, uint16, and int16.
- Parameters:
- A
Type T. First operand.
- B
Type T. Second operand.
- Returns:
- CVar
Type T. Result, has same element type as two inputs
Notes
Signature:
ai.onnx@14::Sub
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.sum(data_0: Sequence[Var]) Var [source]
Element-wise sum of each of the input tensors (with Numpy-style broadcasting support). All inputs and outputs must have the same data type. This operator supports multidirectional (i.e., Numpy-style) broadcasting; for more details please check the doc.
- Parameters:
- data_0
Type T. List of tensors for sum.
- Returns:
- sumVar
Type T. Output tensor.
Notes
Signature:
ai.onnx@13::Sum
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.tan(input: Var) Var [source]
Calculates the tangent of the given input tensor, element-wise.
- Parameters:
- input
Type T. Input tensor
- Returns:
- outputVar
Type T. The tangent of the input tensor computed element-wise
Notes
Signature:
ai.onnx@7::Tan
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.tanh(input: Var) Var [source]
Calculates the hyperbolic tangent of the given input tensor element-wise.
- Parameters:
- input
Type T. Input tensor
- Returns:
- outputVar
Type T. The hyperbolic tangent values of the input tensor computed element-wise
Notes
Signature:
ai.onnx@13::Tanh
.- Type constraints:
T: tensor(bfloat16), tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.tf_idf_vectorizer(X: Var, *, max_gram_length: int, max_skip_count: int, min_gram_length: int, mode: str, ngram_counts: Iterable[int], ngram_indexes: Iterable[int], pool_int64s: Iterable[int] | None = None, pool_strings: Iterable[str] | None = None, weights: Iterable[float] | None = None) Var [source]
This transform extracts n-grams from the input sequence and save them as a vector. Input can be either a 1-D or 2-D tensor. For 1-D input, output is the n-gram representation of that input. For 2-D input, the output is also a 2-D tensor whose i-th row is the n-gram representation of the i-th input row. More specifically, if input shape is [C], the corresponding output shape would be [max(ngram_indexes) + 1]. If input shape is [N, C], this operator produces a [N, max(ngram_indexes) + 1]-tensor.
In contrast to standard n-gram extraction, here, the indexes of extracting an n-gram from the original sequence are not necessarily consecutive numbers. The discontinuity between indexes are controlled by the number of skips. If the number of skips is 2, we should skip two tokens when scanning through the original sequence. Let’s consider an example. Assume that input sequence is [94, 17, 36, 12, 28] and the number of skips is 2. The associated 2-grams are [94, 12] and [17, 28] respectively indexed by [0, 3] and [1, 4]. If the number of skips becomes 0, the 2-grams generated are [94, 17], [17, 36], [36, 12], [12, 28] indexed by [0, 1], [1, 2], [2, 3], [3, 4], respectively.
The output vector (denoted by Y) stores the count of each n-gram; Y[ngram_indexes[i]] indicates the times that the i-th n-gram is found. The attribute ngram_indexes is used to determine the mapping between index i and the corresponding n-gram’s output coordinate. If pool_int64s is [94, 17, 17, 36], ngram_indexes is [1, 0], ngram_counts=[0, 0], then the Y[0] (first element in Y) and Y[1] (second element in Y) are the counts of [17, 36] and [94, 17], respectively. An n-gram which cannot be found in pool_strings/pool_int64s should be ignored and has no effect on the output. Note that we may consider all skips up to S when generating the n-grams.
The examples used above are true if mode is “TF”. If mode is “IDF”, all the counts larger than 1 would be truncated to 1 and the i-th element in weights would be used to scale (by multiplication) the count of the i-th n-gram in pool. If mode is “TFIDF”, this operator first computes the counts of all n-grams and then scale them by the associated values in the weights attribute.
Only one of pool_strings and pool_int64s can be set. If pool_int64s is set, the input should be an integer tensor. If pool_strings is set, the input must be a string tensor.
- Parameters:
- X
Type T. Input for n-gram extraction
- max_gram_length
Attribute. Maximum n-gram length. If this value is 3, 3-grams will be used to generate the output.
- max_skip_count
Attribute. Maximum number of items (integers/strings) to be skipped when constructing an n-gram from X. If max_skip_count=1, min_gram_length=2, max_gram_length=3, this operator may generate 2-grams with skip_count=0 and skip_count=1, and 3-grams with skip_count=0 and skip_count=1
- min_gram_length
Attribute. Minimum n-gram length. If this value is 2 and max_gram_length is 3, output may contain counts of 2-grams and 3-grams.
- mode
Attribute. The weighting criteria. It can be one of “TF” (term frequency), “IDF” (inverse document frequency), and “TFIDF” (the combination of TF and IDF)
- ngram_counts
Attribute. The starting indexes of 1-grams, 2-grams, and so on in pool. It is useful when determining the boundary between two consecutive collections of n-grams. For example, if ngram_counts is [0, 17, 36], the first index (zero-based) of 1-gram/2-gram/3-gram in pool are 0/17/36. This format is essentially identical to CSR (or CSC) sparse matrix format, and we choose to use this due to its popularity.
- ngram_indexes
Attribute. list of int64s (type: AttributeProto::INTS). This list is parallel to the specified ‘pool_*’ attribute. The i-th element in ngram_indexes indicate the coordinate of the i-th n-gram in the output tensor.
- pool_int64s
Attribute. List of int64 n-grams learned from the training set. Either this or pool_strings attributes must be present but not both. It’s an 1-D tensor starting with the collections of all 1-grams and ending with the collections of n-grams. The i-th element in pool stores the n-gram that should be mapped to coordinate ngram_indexes[i] in the output vector.
- pool_strings
Attribute. List of strings n-grams learned from the training set. Either this or pool_int64s attributes must be present but not both. It’s an 1-D tensor starting with the collections of all 1-grams and ending with the collections of n-grams. The i-th element in pool stores the n-gram that should be mapped to coordinate ngram_indexes[i] in the output vector.
- weights
Attribute. list of floats. This attribute stores the weight of each n-gram in pool. The i-th element in weights is the weight of the i-th n-gram in pool. Its length equals to the size of ngram_indexes. By default, weights is an all-one tensor.This attribute is used when mode is “IDF” or “TFIDF” to scale the associated word counts.
- Returns:
- YVar
Type T1. Ngram results
Notes
Signature:
ai.onnx@9::TfIdfVectorizer
.- Type constraints:
T: tensor(int32), tensor(int64), tensor(string)
T1: tensor(float)
- spox.opset.ai.onnx.v19.thresholded_relu(X: Var, *, alpha: float = 1.0) Var [source]
ThresholdedRelu takes one input data (Tensor<T>) and produces one output data (Tensor<T>) where the rectified linear function, y = x for x > alpha, y = 0 otherwise, is applied to the tensor elementwise.
- Parameters:
- X
Type T. Input tensor
- alpha
Attribute. Threshold value
- Returns:
- YVar
Type T. Output tensor
Notes
Signature:
ai.onnx@10::ThresholdedRelu
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16)
- spox.opset.ai.onnx.v19.tile(input: Var, repeats: Var) Var [source]
Constructs a tensor by tiling a given tensor. This is the same as function
tile
in Numpy, but no broadcast. For example A = [[1, 2], [3, 4]], B = [1, 2], tile(A, B) = [[1, 2, 1, 2], [3, 4, 3, 4]]- Parameters:
- input
Type T. Input tensor of any shape.
- repeats
Type T1. 1D int64 tensor of the same length as input’s dimension number, includes numbers of repeated copies along input’s dimensions.
- Returns:
- outputVar
Type T. Output tensor of the same dimensions and type as tensor input. output_dim[i] = input_dim[i] * repeats[i]
Notes
Signature:
ai.onnx@13::Tile
.- Type constraints:
T: tensor(bfloat16), tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
T1: tensor(int64)
- spox.opset.ai.onnx.v19.top_k(X: Var, K: Var, *, axis: int = -1, largest: int = 1, sorted: int = 1) tuple[Var, Var] [source]
Retrieve the top-K largest or smallest elements along a specified axis. Given an input tensor of shape [a_0, a_1, …, a_{n-1}] and integer argument k, return two outputs:
Value tensor of shape [a_0, a_1, …, a_{axis-1}, k, a_{axis+1}, … a_{n-1}] which contains the values of the top k elements along the specified axis
Index tensor of shape [a_0, a_1, …, a_{axis-1}, k, a_{axis+1}, … a_{n-1}] which contains the indices of the top k elements (original indices from the input tensor).
If “largest” is 1 (the default value) then the k largest elements are returned.
If “sorted” is 1 (the default value) then the resulting k elements will be sorted.
If “sorted” is 0, order of returned ‘Values’ and ‘Indices’ are undefined.
Given two equivalent values, this operator uses the indices along the axis as a tiebreaker. That is, the element with the lower index will appear first.
- Parameters:
- X
Type T. Tensor of shape [a_0, a_1, …, a_{n-1}]
- K
Type tensor(int64). A 1-D tensor containing a single positive value corresponding to the number of top elements to retrieve
- axis
Attribute. Dimension on which to do the sort. Negative value means counting dimensions from the back. Accepted range is [-r, r-1] where r = rank(input).
- largest
Attribute. Whether to return the top-K largest or smallest elements.
- sorted
Attribute. Whether to return the elements in sorted order.
- Returns:
- ValuesVar
Type T. Tensor of shape [a_0, a_1, …, a_{axis-1}, k, a_{axis+1}, … a_{n-1}] containing top K values from the input tensor
- IndicesVar
Type I. Tensor of shape [a_0, a_1, …, a_{axis-1}, k, a_{axis+1}, … a_{n-1}] containing the corresponding input tensor indices for the top K values.
Notes
Signature:
ai.onnx@11::TopK
.- Type constraints:
T: tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
I: tensor(int64)
- spox.opset.ai.onnx.v19.transpose(data: Var, *, perm: Iterable[int] | None = None) Var [source]
Transpose the input tensor similar to numpy.transpose. For example, when perm=(1, 0, 2), given an input tensor of shape (1, 2, 3), the output shape will be (2, 1, 3).
- Parameters:
- data
Type T. An input tensor.
- perm
Attribute. A list of integers. By default, reverse the dimensions, otherwise permute the axes according to the values given.
- Returns:
- transposedVar
Type T. Transposed output.
Notes
Signature:
ai.onnx@13::Transpose
.- Type constraints:
T: tensor(bfloat16), tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.trilu(input: Var, k: Var | None = None, *, upper: int = 1) Var [source]
Given a 2-D matrix or batches of 2-D matrices, returns the upper or lower triangular part of the tensor(s). The attribute “upper” determines whether the upper or lower part is retained. If set to true, the upper triangular matrix is retained. Lower triangular matrix is retained otherwise. Default value for the “upper” attribute is true. Trilu takes one input tensor of shape [*, N, M], where * is zero or more batch dimensions. The upper triangular part consists of the elements on and above the given diagonal (k). The lower triangular part consists of elements on and below the diagonal. All other elements in the matrix are set to zero. If k = 0, the triangular part on and above/below the main diagonal is retained. If upper is set to true, a positive k retains the upper triangular matrix excluding the main diagonal and (k-1) diagonals above it. A negative k value retains the main diagonal and |k| diagonals below it. If upper is set to false, a positive k retains the lower triangular matrix including the main diagonal and k diagonals above it. A negative k value excludes the main diagonal and (|k|-1) diagonals below it.
- Parameters:
- input
Type T. Input tensor of rank 2 or higher.
- k
Type tensor(int64). A 0-D tensor containing a single value corresponding to the number diagonals above or below the main diagonal to exclude or include. Default value is 0 if it’s not specified.
- upper
Attribute. Boolean. Indicates whether upper or lower part of matrix is retained. Default is true.
- Returns:
- outputVar
Type T. Output tensor of the same type and shape as the input tensor.
Notes
Signature:
ai.onnx@14::Trilu
.- Type constraints:
T: tensor(bfloat16), tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.unique(X: Var, *, axis: int | None = None, sorted: int = 1) tuple[Var, Var, Var, Var] [source]
Find the unique elements of a tensor. When an optional attribute ‘axis’ is provided, unique subtensors sliced along the ‘axis’ are returned. Otherwise the input tensor is flattened and unique values of the flattened tensor are returned.
This operator returns the unique values or sliced unique subtensors of the input tensor and three optional outputs. The first output tensor ‘Y’ contains all unique values or subtensors of the input. The second optional output tensor ‘indices’ contains indices of ‘Y’ elements’ first occurrence in ‘X’. The third optional output tensor ‘inverse_indices’ contains, for elements of ‘X’, its corresponding indices in ‘Y’. The fourth optional output tensor ‘counts’ contains the count of each element of ‘Y’ in the input.
Outputs are either sorted in ascending order or optionally in the order of the first occurrence of the values in the input.
https://docs.scipy.org/doc/numpy/reference/generated/numpy.unique.html
Example 1:
input_X = [2, 1, 1, 3, 4, 3] attribute_sorted = 0 attribute_axis = None output_Y = [2, 1, 3, 4] output_indices = [0, 1, 3, 4] output_inverse_indices = [0, 1, 1, 2, 3, 2] output_counts = [1, 2, 2, 1]
Example 2:
input_X = [[1, 3], [2, 3]] attribute_sorted = 1 attribute_axis = None output_Y = [1, 2, 3] output_indices = [0, 2, 1] output_inverse_indices = [0, 2, 1, 2] output_counts = [1, 1, 2]
Example 3:
input_X = [[1, 0, 0], [1, 0, 0], [2, 3, 4]] attribute_sorted = 1 attribute_axis = 0 output_Y = [[1, 0, 0], [2, 3, 4]] output_indices = [0, 2] output_inverse_indices = [0, 0, 1] output_counts = [2, 1]
Example 4:
input_x = [[[1., 1.], [0., 1.], [2., 1.], [0., 1.]], [[1., 1.], [0., 1.], [2., 1.], [0., 1.]]] attribute_sorted = 1 attribute_axis = 1
intermediate data are presented below for better understanding: there are 4 subtensors sliced along axis 1 of input_x (shape = (2, 4, 2)):
A: [[1, 1], [1, 1]], [[0, 1], [0, 1]], [[2, 1], [2, 1]], [[0, 1], [0, 1]].
there are 3 unique subtensors:
[[1, 1], [1, 1]], [[0, 1], [0, 1]], [[2, 1], [2, 1]].
sorted unique subtensors:
B: [[0, 1], [0, 1]], [[1, 1], [1, 1]], [[2, 1], [2, 1]].
output_Y is constructed from B:
[[[0. 1.], [1. 1.], [2. 1.]], [[0. 1.], [1. 1.], [2. 1.]]]
output_indices is to map from B to A:
[1, 0, 2]
output_inverse_indices is to map from A to B:
[1, 0, 2, 0]
output_counts:
[2, 1, 1]
- Parameters:
- X
Type T. A N-D input tensor that is to be processed.
- axis
Attribute. (Optional) The dimension to apply unique. If not specified, the unique elements of the flattened input are returned. Negative value means counting dimensions from the back. Accepted range is [-r, r-1] where r = rank(input).
- sorted
Attribute. (Optional) Whether to sort the unique elements in ascending order before returning as output. Must be one of 0, or 1 (default).
- Returns:
- YVar
Type T. A tensor of the same type as ‘X’ containing all the unique values or subtensors sliced along a provided ‘axis’ in ‘X’, either sorted or maintained in the same order they occur in input ‘X’
- indicesVar
Type tensor(int64). A 1-D INT64 tensor containing indices of ‘Y’ elements’ first occurrence in ‘X’. When ‘axis’ is provided, it contains indices to subtensors in input ‘X’ on the ‘axis’. When ‘axis’ is not provided, it contains indices to values in the flattened input tensor.
- inverse_indicesVar
Type tensor(int64). A 1-D INT64 tensor containing, for elements of ‘X’, its corresponding indices in ‘Y’. When ‘axis’ is provided, it contains indices to subtensors in output ‘Y’ on the ‘axis’. When ‘axis’ is not provided, it contains indices to values in output ‘Y’.
- countsVar
Type tensor(int64). A 1-D INT64 tensor containing the count of each element of ‘Y’ in input ‘X’
Notes
Signature:
ai.onnx@11::Unique
.- Type constraints:
T: tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.unsqueeze(data: Var, axes: Var) Var [source]
Insert single-dimensional entries to the shape of an input tensor (
data
). Takes one required inputaxes
- which contains a list of dimension indices and this operator will insert a dimension of value1
into the corresponding index of the output tensor (expanded
).For example, given an input tensor (
data
) of shape [3, 4, 5], then Unsqueeze(data, axes=[0, 4]) outputs a tensor (expanded
) containing same data asdata
but with shape [1, 3, 4, 5, 1].The input
axes
should not contain any duplicate entries. It is an error if it contains duplicates. The rank of the output tensor (output_rank
) is the rank of the input tensor (data
) plus the number of values inaxes
. Each value inaxes
should be within the (inclusive) range [-output_rank , output_rank - 1]. The order of values inaxes
does not matter and can come in any order.- Parameters:
- data
Type T. Original tensor
- axes
Type tensor(int64). List of integers indicating the dimensions to be inserted. Negative value means counting dimensions from the back. Accepted range is [-r, r-1] where r = rank(expanded).
- Returns:
- expandedVar
Type T. Reshaped tensor with same data as input.
Notes
Signature:
ai.onnx@13::Unsqueeze
.- Type constraints:
T: tensor(bfloat16), tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.where(condition: Var, X: Var, Y: Var) Var [source]
Return elements, either from X or Y, depending on condition. Where behaves like numpy.where with three parameters.
This operator supports multidirectional (i.e., Numpy-style) broadcasting; for more details please check the doc.
- Parameters:
- condition
Type B. When True (nonzero), yield X, otherwise yield Y
- X
Type T. values selected at indices where condition is True
- Y
Type T. values selected at indices where condition is False
- Returns:
- outputVar
Type T. Tensor of shape equal to the broadcasted shape of condition, X, and Y.
Notes
Signature:
ai.onnx@16::Where
.- Type constraints:
B: tensor(bool)
T: tensor(bfloat16), tensor(bool), tensor(complex128), tensor(complex64), tensor(double), tensor(float), tensor(float16), tensor(int16), tensor(int32), tensor(int64), tensor(int8), tensor(string), tensor(uint16), tensor(uint32), tensor(uint64), tensor(uint8)
- spox.opset.ai.onnx.v19.xor(A: Var, B: Var) Var [source]
Returns the tensor resulted from performing the
xor
logical operation elementwise on the input tensorsA
andB
(with Numpy-style broadcasting support).This operator supports multidirectional (i.e., Numpy-style) broadcasting; for more details please check the doc.
- Parameters:
- A
Type T. First input operand for the logical operator.
- B
Type T. Second input operand for the logical operator.
- Returns:
- CVar
Type T1. Result tensor.
Notes
Signature:
ai.onnx@7::Xor
.- Type constraints:
T: tensor(bool)
T1: tensor(bool)