Functions

FL_API Variable operator+ (const Variable &lhs, const Variable &rhs)

Element-wise addition of two Variables.

\[ out = var_1 + var_2 \]

FL_API Variable operator+ (const double &lhs, const Variable &rhs)

Adds a scalar to each element in the Variable.

\[ out_i = value + var_i \]

FL_API Variable operator+ (const Variable &lhs, const double &rhs)

Adds a scalar to each element in the Variable.

\[ out_i = var_i + value \]

FL_API Variable operator* (const Variable &lhs, const Variable &rhs)

Element-wise multiplication of two Variables.

\[ out = var_1 \times var_2 \]

FL_API Variable operator* (const double &lhs, const Variable &rhs)

Multiplies each element in the Variable by a scalar.

\[ out_i = value \times var_i \]

FL_API Variable operator* (const Variable &lhs, const double &rhs)

Multiplies each element in the Variable by a scalar.

\[ out_i = var_i \times value \]

FL_API Variable operator- (const Variable &lhs, const Variable &rhs)

Element-wise subtraction of two Variables.

\[ out = var_1 - var_2 \]

FL_API Variable operator- (const double &lhs, const Variable &rhs)

Subtracts a scalar from each element in the Variable.

\[ out_i = var_i - value \]

FL_API Variable operator- (const Variable &lhs, const double &rhs)

Subtracts each element in the Variable from a scalar.

\[ out_i = value - var_i \]

FL_API Variable operator/ (const Variable &lhs, const Variable &rhs)

Element-wise division of two Variables.

\[ out = \frac{var_1}{var_2} \]

FL_API Variable operator/ (const double &lhs, const Variable &rhs)

Divides each element in the Variable by a scalar.

\[ out_i = \frac{var_i}{value} \]

FL_API Variable operator/ (const Variable &lhs, const double &rhs)

Divides a scalar by each element in the Variable.

\[ out_i = \frac{value}{var_i} \]

FL_API Variable operator> (const Variable &lhs, const Variable &rhs)

[Non-differentiable] Element-wise comparison of two Variables.

\[ out = var_1 > var_2 \]

FL_API Variable operator> (const double &lhs, const Variable &rhs)

[Non-differentiable] Element-wise comparison of a Variable and a scalar.

\[ out_i = value > var_i \]

FL_API Variable operator> (const Variable &lhs, const double &rhs)

[Non-differentiable] Element-wise comparison of a Variable and a scalar.

\[ out_i = var_i > value \]

FL_API Variable operator< (const Variable &lhs, const Variable &rhs)

[Non-differentiable] Element-wise comparison of two Variables.

\[ out = var_1 < var_2 \]

FL_API Variable operator< (const double &lhs, const Variable &rhs)

[Non-differentiable] Element-wise comparison of a Variable and a scalar.

\[ out_i = value < var_i \]

FL_API Variable operator< (const Variable &lhs, const double &rhs)

[Non-differentiable] Element-wise comparison of a Variable and a scalar.

\[ out_i = var_i < value \]

FL_API Variable operator>= (const Variable &lhs, const Variable &rhs)

[Non-differentiable] Element-wise comparison of two Variables.

\[ out = var_1 >= var_2 \]

FL_API Variable operator>= (const double &lhs, const Variable &rhs)

[Non-differentiable] Element-wise comparison of a Variable and a scalar.

\[ out_i = value >= var_i \]

FL_API Variable operator>= (const Variable &lhs, const double &rhs)

[Non-differentiable] Element-wise comparison of a Variable and a scalar.

\[ out_i = var_i >= value \]

FL_API Variable operator<= (const Variable &lhs, const Variable &rhs)

[Non-differentiable] Element-wise comparison of two Variables.

\[ out = var_1 <= var_2 \]

FL_API Variable operator<= (const double &lhs, const Variable &rhs)

[Non-differentiable] Element-wise comparison of a Variable and a scalar.

\[ out_i = value <= var_i \]

FL_API Variable operator<= (const Variable &lhs, const double &rhs)

[Non-differentiable] Element-wise comparison of a Variable and a scalar.

\[ out_i = value <= var_i \]

FL_API Variable operator&& (const Variable &lhs, const Variable &rhs)

[Non-differentiable] Element-wise logical and of two Variables.

\[ out = var_1 \& var_2 \]

FL_API Variable operator! (const Variable &input)

[Non-differentiable] Element-wise logical not of a Variable.

\[ out_i = !var_i \]

FL_API Variable negate (const Variable &input)

Computes negative of each element in a Variable.

\[ out_i = -var_i \]

FL_API Variable reciprocal (const Variable &input)

Computes reciprocal of each element in a Variable.

\[ out_i = \frac{1}{var_i} \]

FL_API Variable exp (const Variable &input)

Computes exponential of each element in a Variable.

\[ out_i = e^{var_i} \]

FL_API Variable log (const Variable &input)

Computes natural logarithm of each element in a Variable.

\[ out_i = log(var_i) \]

FL_API Variable pow (const Variable &input, double p)

Computes power of each element in a Variable.

\[ out_i = var_i^p \]

FL_API Variable log1p (const Variable &input)

Computes natural logarithm of (1 + element) for each element in a Variable.

\[ out_i = log(1.0 + var_i) \]

FL_API Variable sin (const Variable &input)

Computes sine of each element in a Variable.

\[ out_i = sin(var_i) \]

FL_API Variable cos (const Variable &input)

Computes cosine of each element in a Variable.

\[ out_i = cos(var_i) \]

FL_API Variable sqrt (const Variable &input)

Computes square root of each element in a Variable.

\[ out_i = \sqrt{var_i} \]

FL_API Variable tanh (const Variable &input)

Computes hyperbolic tangent of each element in a Variable.

\[ out_i = \frac{\exp(var_i) - \exp(-var_i)}{\exp(var_i) + \exp(-var_i)} \]

FL_API Variable clamp (const Variable &input, const double min, const double max)

Clamps all elements in input into the range [ min, max ] and return a resulting tensor:

\[\begin{split} \begin{split}y_i = \begin{cases} \text{min} & \text{if } x_i < \text{min} \\ x_i & \text{if } \text{min} \leq x_i \leq \text{max} \\ \text{max} & \text{if } x_i > \text{max} \end{cases}\end{split} \end{split}\]

FL_API Variable sigmoid (const Variable &input)

Computes sigmoid of each element in a Variable.

\[ out_i = \frac{1}{1 + \exp(-var_i)} \]

FL_API Variable swish (const Variable &input, double beta)

Computes swish of each element in a Variable from Ramachandran et al (2013), Searching for Activation Functions.

\[ Swish(x) = x \cdot sigmoid(\beta x) \]
where \(\beta\) is a constant, often is 1.

FL_API Variable erf (const Variable &input)

Computes the error function of each element in a Variable from as in here

FL_API Variable max (const Variable &lhs, const Variable &rhs)

Returns element-wise maximum value of two Variables.

\[ out = max(var_1, var_2) \]

FL_API Variable max (const Variable &lhs, const double &rhs)

Returns maximum value of a scalar and each element in a Variable.

\[ out_i = max(var_i, value) \]

FL_API Variable max (const double &lhs, const Variable &rhs)

Returns maximum value of a scalar and each element in a Variable.

\[ out_i = max(value, var_i) \]

FL_API Variable min (const Variable &lhs, const Variable &rhs)

Returns element-wise minimum value of two Variables.

\[ out = min(var_1, var_2) \]

FL_API Variable min (const Variable &lhs, const double &rhs)

Returns minimum value of a scalar and each element in a Variable.

\[ out_i = min(var_i, value) \]

FL_API Variable min (const double &lhs, const Variable &rhs)

Returns minimum value of a scalar and each element in a Variable.

\[ out_i = min(value, var_i) \]

FL_API Variable transpose (const Variable &input, const Shape &dims={})

Returns a tensor that is a transposed version of a Variable.

Reorders the input based on the shape of the input dimensions. If left empty, transposes over all dimensinos (reverses all dimensions).

FL_API Variable tileAs (const Variable &input, const Variable &reference)

Repeats the tensor input along certain dimensions so as to match the shape of reference.

The dimensions to be repeated along are automatically inferred.

FL_API Variable tileAs (const Variable &input, const Shape &rdims)

Repeats the tensor input along certain dimensions so as to match the shape in the descriptor rdims.

The dimensions to be repeated along are automatically inferred.

FL_API Variable sumAs (const Variable &input, const Variable &reference)

Sums up the tensor input along certain dimensions so as to match the shape of reference.

The dimensions to be summed along are automatically inferred. Note that after summation, the shape of those dimensions will be 1.

FL_API Variable sumAs (const Variable &input, const Shape &rdims)

Sums up the tensor input along certain dimensions so as to match the shape in the descriptor rdims.

The dimensions to be summed along are automatically inferred. Note that after summation, the shape of those dimensions will be 1.

FL_API Variable concatenate (const std::vector< Variable > &concatInputs, int dim)

Concatenates Variables along a specific dimension.

The shape of input Variables should be identical except the dimension to concatenate.

FL_API std::vector< Variable > split (const Variable &input, long splitSize, int dim)

Splits a Variable into equally sized chunks (if possible)

Parameters:
  • input – a Variable to split

  • splitSize – size of each split. If input dimension is not evenly divisible, last chunk of smaller splitSize will be included.

  • dim – dimension along which to split the Variable

FL_API std::vector< Variable > split (const Variable &input, const std::vector< long > &splitSizes, int dim)

Splits a Variable into smaller chunks.

Parameters:
  • input – a Variable to split

  • splitSizes – vector of integers specifying the sizes for each split

  • dim – dimension along which to split the Variable

FL_API Variable tile (const Variable &input, const Shape &dims)

Repeats the tensor input along specific dimensions.

The number of repetition along each dimension is specified in descriptor dims.

FL_API Variable tile (const Variable &input, const Shape &dims, const fl::dtype precision)

Repeats the tensor input along specific dimensions.

The number of repetition along each dimension is specified in descriptor dims.

Parameters:

precision[in] Type of the output vector when is it is desired to be different from the input type. This is particularly useful when tile is applied on parameters and the results will be used in a half precision arithmetic.

FL_API Variable sum (const Variable &input, const std::vector< int > &axes, bool keepDims=false)

Sums up the tensors input along dimensions specified in descriptor axes.

If axes has size greater than 1, reduce over all of them.

FL_API Variable mean (const Variable &input, const std::vector< int > &axes, bool keepDims=false)

Computes the mean of the tensor input along dimensions specified in descriptor axes.

If axes has size greater than 1, reduce over all of them.

FL_API Variable norm (const Variable &input, const std::vector< int > &axes, double p=2, bool keepDims=false)

Lp-norm computation, reduced over specified dimensions.

Parameters:
  • input – tensor on which the Lp norm is going to be computed.

  • p – the p value of the Lp norm.

  • axes – dimensions over which the reduction is performed.

FL_API Variable normalize (const Variable &input, const std::vector< int > &axes, double p=2, double eps=1e-12)

Lp norm normalization of values across the given dimensions.

Parameters:
  • input – the tensor to be normalized.

  • axes – dimensions over which values are normalized.

  • p – the p value of the Lp norm.

  • eps – clamping value to avoid overflows.

FL_API Variable var (const Variable &input, const std::vector< int > &axes, const bool isbiased=false, bool keepDims=false)

Computes variance of the tensor input along dimensions specified in descriptor axes.

If axes has size greater than 1, reduce over all of them. Uses population variance if isbiased is true, otherwise, uses sample variance.

NB: the behavior of fl::var differs from that of af::var. In ArrayFire versions >= 3.7.0, if isbiased is true the variance computation uses sample variance; if false, population variance is used. For versions of ArrayFire before v3.7.0, the reverse is true. TODO:{fl::Tensor} &#8212; make this behavior consistent

FL_API Variable matmul (const Variable &lhs, const Variable &rhs)

Conducts matrix-matrix multiplication on two Variables.

This is a batched function if \(B_1\) or \(B_2\) is greater than 1.

Parameters:
  • lhs – a Variable with shape [ \(M\), \(N\), \(B_1\), \(B_2\)]

  • rhs – a Variable with shape [ \(N\), \(K\), \(B_1\), \(B_2\)]

Returns:

a Variable with shape [ \(M\), \(K\), \(B_1\), \(B_2\)]

FL_API Variable matmulTN (const Variable &lhs, const Variable &rhs)

Conducts matrix-matrix multiplication on two Variables, where the first one will be transposed before multiplication.

This is a batched function if \(B_1\) or \(B_2\) is greater than 1.

Parameters:
  • lhs – a Variable with shape [ \(N\), \(M\), \(B_1\), \(B_2\)]

  • rhs – a Variable with shape [ \(N\), \(K\), \(B_1\), \(B_2\)]

Returns:

a Variable with shape [ \(M\), \(K\), \(B_1\), \(B_2\)]

FL_API Variable matmulNT (const Variable &lhs, const Variable &rhs)

Conducts matrix-matrix multiplication on two Variables, where the second one will be transposed before multiplication.

This is a batched function if \(B_1\) or \(B_2\) is greater than 1.

Parameters:
  • lhs – a Variable with shape [ \(M\), \(N\), \(B_1\), \(B_2\)]

  • rhs – a Variable with shape [ \(K\), \(N\), \(B_1\), \(B_2\)]

Returns:

a Variable with shape [ \(M\), \(K\), \(B_1\), \(B_2\)]

FL_API Variable abs (const Variable &input)

Returns the absolute values of each element in a Variable.

\[ out_i = |var_i| \]

FL_API Variable flat (const Variable &input)

Flattens the input to a single dimension.

FL_API Variable moddims (const Variable &input, const Shape &dims)

Modifies the input dimensions without changing the data order.

The shape of the output Variable is specified in descriptor dims.

FL_API Variable reorder (const Variable &input, const Shape &shape)

Exchanges data of an array such that the requested change in dimension is satisfied.

The linear ordering of data within the array is preserved.

FL_API Variable linear (const Variable &input, const Variable &weight)

Applies a linear transformation to the input Variable:

\[ y = Ax \]

Parameters:
  • input – a Variable with shape [ \(N\), \(M\), \(B_1\), \(B_2\)]

  • weight – a Variable with shape [ \(K\), \(N\)]

Returns:

a Variable with shape [ \(K\), \(M\), \(B_1\), \(B_2\)]

FL_API Variable linear (const Variable &input, const Variable &weight, const Variable &bias)

Applies a linear transformation to the input Variable:

\[ y = Ax + b \]

Parameters:
  • input – a Variable with shape [ \(N\), \(M\), \(B_1\), \(B_2\)]

  • weight – a Variable with shape [ \(K\), \(N\)]

  • bias – a Variable with shape [ \(K\)]

Returns:

a Variable with shape [ \(K\), \(M\), \(B_1\), \(B_2\)]

FL_API Variable conv2d (const Variable &input, const Variable &weights, int sx=1, int sy=1, int px=0, int py=0, int dx=1, int dy=1, int groups=1, std::shared_ptr< detail::ConvBenchmarks > benchmarks=nullptr)

Applies a 2D convolution over an input signal given filter weights.

In the simplest case, the output with shape [ \(X_{out}\), \(Y_{out}\), \(C_{out}\), \(N\)] of the convolution with input [ \(X_{in}\), \(Y_{in}\), \(C_{in}\), \(N\)] and weight [ \(K_x\), \(K_y\), \(C_{in}\), \(C_{out}\)] can be precisely described as:

\[ \text{out}(C_{out_j}, N_i) = \sum_{k = 0}^{C_{in} - 1} \text{weight}(k, C_{out_j}) \star \text{input}(k, N_i) \]

Parameters:
  • input – a Variable with shape [ \(X_{in}\), \(Y_{in}\), \(C_{in}\), \(N\)]

  • weights – a Variable with shape [ \(K_x\), \(K_y\), \(C_{in}\), \(C_{out}\)]

  • sx – stride in the first dimension

  • sy – stride in the second dimension

  • px – number of positions of zero-padding on both sides in the first dimension

  • py – number of positions of zero-padding on both sides in the second dimension

  • dx – dilation along the first kernel dimension. A dilation of 1 is equivalent to a standard convolution along this axis.

  • dy – dilation along the second kernel dimension. A dilation of 1 is equivalent to a standard convolution along this axis.

  • groups – number of filter groups

  • benchmarks – [optional] a ConvBenchmarks instance to use to dynamically benchmark configuration attributes for computations.

Returns:

a Variable with shape [ \(X_{out}\), \(Y_{out}\), \(C_{out}\), \(N\)]]

FL_API Variable conv2d (const Variable &input, const Variable &weights, const Variable &bias, int sx=1, int sy=1, int px=0, int py=0, int dx=1, int dy=1, int groups=1, std::shared_ptr< detail::ConvBenchmarks > benchmarks=nullptr)

Applies a 2D convolution over an input signal given filter weights and biases.

In the simplest case, the output with shape [ \(X_{out}\), \(Y_{out}\), \(C_{out}\), \(N\)] of the convolution with input [ \(X_{in}\), \(Y_{in}\), \(C_{in}\), \(N\)] and weight [ \(K_x\), \(K_y\), \(C_{in}\), \(C_{out}\)] can be precisely described as:

\[ \text{out}(C_{out_j}, N_i) = \text{bias}(C_{out_j}) + \sum_{k = 0}^{C_{in} - 1} \text{weight}(k, C_{out_j}) \star \text{input}(k, N_i) \]

Parameters:
  • input – a Variable with shape [ \(X_{in}\), \(Y_{in}\), \(C_{in}\), \(N\)]

  • weights – a Variable with shape [ \(K_x\), \(K_y\), \(C_{in}\), \(C_{out}\)]

  • sx – stride in the first dimension

  • sy – stride in the second dimension

  • px – number of positions of zero-padding on both sides in the first dimension

  • py – number of positions of zero-padding on both sides in the second dimension

  • dx – dilation along the first kernel dimension. A dilation of 1 is equivalent to a standard convolution along this axis.

  • dy – dilation along the second kernel dimension. A dilation of 1 is equivalent to a standard convolution along this axis.

  • groups – number of filter groups

  • benchmarks – [optional] a ConvBenchmarks instance to use to dynamically benchmark configuration attributes for computations.

  • bias – a Variable with shape [ \(C_{out}\)]

Returns:

a Variable with shape [ \(X_{out}\), \(Y_{out}\), \(C_{out}\), \(N\)]]

FL_API Variable pool2d (const Variable &input, int wx, int wy, int sx=1, int sy=1, int px=0, int py=0, PoolingMode mode=PoolingMode::MAX)

Applies a 2D pooling over an input signal composed of several input planes.

Parameters:
  • input – a Variable with shape [ \(X_{in}\), \(Y_{in}\), \(C\), \(N\)]

  • wx – pooling window size in the first dimension

  • wy – pooling window size in the second dimension

  • sx – stride in the first dimension

  • sy – stride in the second dimension

  • px – number of positions of zero-padding on both sides in the first dimension

  • py – number of positions of zero-padding on both sides in the second dimension

  • mode – pooling mode, which supports:

    • MAX

    • AVG_INCLUDE_PADDING

    • AVG_EXCLUDE_PADDING

FL_API Variable softmax (const Variable &input, const int dim)

Applies a softmax function on Variable input along dimension dim, so that the elements of the dimensional dim in output lie in the range (0,1) and sum to 1.

\[ out(x_{i}) = \frac{exp(x_i)}{\sum_j exp(x_j)} \]

FL_API Variable logSoftmax (const Variable &input, const int dim)

Applies a log(softmax(x)) function on Variable input along dimension dim

\[ out(x_{i}) = log \Big( \frac{exp(x_i)}{\sum_j exp(x_j)} \Big) \]

FL_API Variable binaryCrossEntropy (const Variable &inputs, const Variable &targets)

Computes the binary cross entropy loss between an input tensor \(x\) and a target tensor \(y\).

The binary cross entropy loss is:

\[ B(x, y) = \frac{1}{n} \sum_{i = 0}^n -\left( y_i \times \log(x_i) + (1 - y_i) \times \log(1 - x_i) \right) \]
Both the inputs and the targets are expected to be between 0 and 1.

Parameters:
  • inputs – a tensor with the predicted values

  • targets – a tensor with the target values

FL_API Variable categoricalCrossEntropy (const Variable &input, const Variable &targets, ReduceMode reduction=ReduceMode::MEAN, int ignoreIndex=-1)

Computes the categorical cross entropy loss.

The input is expected to contain log-probabilities for each class. The targets should be the index of the ground truth class for each input example.

\[\begin{split} \begin{split}\ell(x, y) = \begin{cases} \frac{1}{N} \sum_{n=1}^N -x_{n,y_n}, & \text{if}\; \text{reduction} = \text{MEAN},\\ \sum_{n=1}^N -x_{n,y_n}, & \text{if}\; \text{reduction} = \text{SUM}, \\ \{ -x_{1,y_1}, ..., -x_{N,y_N} \}, & \text{if}\; \text{reduction} = \text{NONE}. \end{cases}\end{split} \end{split}\]

Parameters:
  • input – a Variable with shape [ \(C\), \(B_1\), \(B_2\), \(B_3\)] where \(C\) is the number of classes.

  • targets – an integer Variable with shape [ \(B_1\), \(B_2\), \(B_3\)]. The values must be in \([0, C - 1]\)

  • reduction – reduction mode, which supports:

    • NONE

    • MEAN

    • SUM

  • ignoreIndex – a target value that is ignored and does not contribute to the loss or the input gradient. If reduce is MEAN, the loss is averaged over non-ignored targets. Only indicies in \([0, C - 1]\) are considered to be valid.

Returns:

a Variable of loss value with shape scalar by default. If reduce is NONE, then [ \(B_1\), \(B_2\), \(B_3\)].

FL_API Variable weightedCategoricalCrossEntropy (const Variable &input, const Variable &targets, const Variable &weight, int ignoreIndex)

Computes the weighted cross entropy loss.

The input is expected to contain log-probabilities for each class. The targets should be the index of the ground truth class for each input example.

\[ \ell(x, y) = \frac{\sum_{n=1}^N weight[y_n] * -x_{n,y_n}}\; {\sum_{n=1}^N weight[y_n] \]

Parameters:
  • input – a Variable with shape [ \(C\), \(B_1\), \(B_2\), \(B_3\)] where \(C\) is the number of classes.

  • targets – an integer Variable with shape [ \(B_1\), \(B_2\), The values must be in \([0, C - 1]\).

  • weights – an Variable with shape f$[0, C - 1]\f.

  • ignoreIndex – a target value that is ignored and does not contribute to the loss or the input gradient. If reduce is MEAN, the loss is averaged over non-ignored targets. Only indicies in \([0, C - 1]\) are considered to be valid.

Returns:

a Variable of loss value with shape scalar by default.

FL_API Variable gatedlinearunit (const Variable &input, const int dim)

The gated linear unit.

\[ H = A \times \sigma(B) \]
where input is split in half along dim to form A and B. See Language Modeling with Gated Convolutional Networks.

Parameters:
  • input – input Variable

  • dim – dimension on which to split the input

FL_API std::tuple< Variable, Variable, Variable > rnn (const Variable &input, const Variable &hiddenState, const Variable &cellState, const Variable &weights, int hiddenSize, int numLayers, RnnMode mode, bool bidirectional, float dropout)

Applies an RNN unit to an input sequence.

A general RNN operator can be expressed as following:

\[ (h_t, c_t) = f_W(x_t, h_{t-1}, c_{t-1}) \]
where \(h_t\), \(c_t\) are the hidden/cell state at time \(t\), \(x_t\) is the input at time \(t\)

Note

{cuDNN and oneDNN RNN weights are incompatible since the structure of the computation is different for each. There is no mapping between weights from each of those backends.}

Parameters:
  • inputVariable of input with shape [input size, batch size, sequence length]

  • hiddenStateVariable of hidden state with shape [hidden size, batch size, total layers]

  • cellState – [LSTM only] Variable of cell state with same shape as hidden state

  • weights – Learnable parameters in the RNN unit

  • hiddenSize – number of features in the hidden state

  • numLayers – number of recurrent layers

  • mode – defines the type of RNN unit

    • RELU

    • TANH

    • LSTM

    • GRU

  • bidirectional – if True, becomes a bidirectional RNN, unidirectional otherwise

  • dropout – if non-zero, introduces a Dropout layer on the outputs of each RNN layer except the last one, with dropout probability equal to dropout

Returns:

a tuple of three Variables:

  • y: input with shape [input size, batch size, sequence length * directions]

  • hiddenState: hidden state for the current time step

  • cellState: cell state for the current time step

FL_API Variable embedding (const Variable &input, const Variable &embeddings)

Looks up embeddings in a fixed dictionary and size.

Parameters:
  • input – a Variable of a list of indices with shape [ \(B_1\), \(B_2\), \(B_3\)]

  • embeddings – a Variable of an embedding matrix with shape [ \(D\), \(N\)], where \(N\) is the number of items and \(D\) is the embedding size.

Returns:

a Variable of embeddings with shape [ \(D\), \(B_1\), \(B_2\), \(B_3\)]

FL_API Variable batchnorm (const Variable &input, const Variable &weight, const Variable &bias, Variable &runningMean, Variable &runningVar, const std::vector< int > &axes, bool train, double momentum, double epsilon)

Applies Batch Normalization over a 4D input (a mini-batch of 2D inputs with additional channel dimension) as described in the paper Batch Normalization: Accelerating Deep Network Training by Reducing Internal Covariate Shift .

\[ y = \frac{x - \mathrm{E}[x]}{ \sqrt{\mathrm{Var}[x] + \epsilon}} * \gamma + \beta \]
The mean and standard-deviation are calculated per-dimension over the mini-batches and \(\gamma\) and \(\beta\) are learnable parameter vectors of size \(C\), the input size. By default, during training this layer keeps running estimates of its computed mean and variance, which are then used for normalization during evaluation.

Parameters:
  • input – a Variable with size [ \(H\), \(W\), \(C\), \(N\)]

  • weight – a Variable with size [ \(C\)] for \(\gamma\)

  • bias – a Variable with size [ \(C\)] for \(\beta\)

  • runningMean – a buffer storing intermediate means during training

  • runningVar – a buffer storing intermediate variances during training

  • axes – dimensions to perform normalization on. If having size greater than one, reduce over all of them.

  • train – a flag indicating if running in training mode

  • momentum – value of momentum

  • epsilon – value of \(\epsilon\)

Returns:

a Variable with same shape as input

FL_API Variable padding (const Variable &input, std::vector< std::pair< int, int >> pad, double val)

Applies asymmetric padding on a Variable input.

Parameters:
  • input – input Variable

  • pad – a list of integer pairs specifying the positions we want to pad on both sides for each dimension

  • val – padding value

Returns:

a padded Variable

FL_API Variable dropout (const Variable &input, double p)

Applies dropout on a Variable input.

Parameters:
  • input – input Variable

  • p – the probability of dropout

Returns:

a droped out Variable

FL_API Variable relu (const Variable &input)

Applies the rectified linear unit function element-wise to a Variable:

\[ ReLU(x) = \max(0, x) \]

FL_API Variable gelu (const Variable &input)

Applies the Gaussian Error linear Unit function element-wise to a Variable

FL_API Variable relativePositionalEmbeddingRotate (const Variable &input)

Relative positional embedding for the multihead attention Implementation partially follows https://arxiv.org/pdf/1803.02155.pdf.

FL_API Variable multiheadAttention (const Variable &query, const Variable &key, const Variable &value, const Variable &posEmb, const Variable &mask, const Variable &padMask, const int32_t nHeads, const double pDropout, const int32_t offset=0)

Multihead Attention function For details, see Vaswani et al (2017).

Parameters:
  • query – query Variable of size T x nHeads * headDim x B

  • key – key Variable of size Time x nHeads * headDim x B

  • value – value Variable of size Time x nHeads * headDim x B

  • posEmb – if non empty then compute relative positional embedding in additon to standard computations

  • mask – mask or not future in the computations T x T if non-empty then don’t use future (for example for autoregressive language models or for decoder part in the encoder-decoder transformer models)

  • padMask – mask which is 1 for positions where pad token is, don’t attend to the pad-positions, of size T x B

  • nHeads – number of heads

  • pDropout – dropout probability

  • offset – size of the current output from the decoder used now as input

FL_API bool allClose (const Variable &a, const Variable &b, double absTolerance=1e-5)

Returns true if two Variable are of same type and are element-wise equal within given tolerance limit.

Parameters:
  • [a, b] – input Variables to compare

  • absTolerance – absolute tolerance allowed