com.intel.analytics.bigdl

nn

package nn

Visibility
  1. Public
  2. All

Type Members

  1. class Abs[T] extends TensorModule[T]

    an element-wise abs operation

  2. class AbsCriterion[T] extends TensorCriterion[T]

    measures the mean absolute value of the element-wise difference between input and target

  3. class ActivityRegularization[T] extends TensorModule[T]

  4. class Add[T] extends TensorModule[T] with Initializable

    adds a bias term to input data ;

  5. class AddConstant[T] extends TensorModule[T]

    adding a constant

  6. class Anchor extends Serializable

    Generates a regular grid of multi-scale, multi-aspect anchor boxes.

  7. class Attention[T] extends AbstractModule[Activity, Activity, T]

    Implementation of multiheaded attention and self-attention layers.

  8. class BCECriterion[T] extends TensorCriterion[T]

    This loss function measures the Binary Cross Entropy between the target and the output loss(o, t) = - 1/n sum_i (t[i] * log(o[i]) + (1 - t[i]) * log(1 - o[i])) or in the case of the weights argument being specified: loss(o, t) = - 1/n sum_i weights[i] * (t[i] * log(o[i]) + (1 - t[i]) * log(1 - o[i]))

  9. case class BatchNormParams[T](eps: Double = 1.0E-5, momentum: Double = 0.1, initWeight: Tensor[T] = null, initBias: Tensor[T] = null, initGradWeight: Tensor[T] = null, initGradBias: Tensor[T] = null, affine: Boolean = true)(implicit evidence$8: ClassTag[T], ev: TensorNumeric[T]) extends Product with Serializable

  10. class BatchNormalization[T] extends TensorModule[T] with Initializable with MklInt8Convertible

    This layer implements Batch Normalization as described in the paper: "Batch Normalization: Accelerating Deep Network Training by Reducing Internal Covariate Shift" by Sergey Ioffe, Christian Szegedy https://arxiv.

  11. class BiRecurrent[T] extends DynamicContainer[Tensor[T], Tensor[T], T]

    This layer implement a bidirectional recurrent neural network

  12. class BifurcateSplitTable[T] extends AbstractModule[Tensor[T], Table, T]

    Creates a module that takes a Tensor as input and outputs two tables, splitting the Tensor along the specified dimension dimension.

  13. class Bilinear[T] extends AbstractModule[Table, Tensor[T], T] with Initializable

    a bilinear transformation with sparse inputs, The input tensor given in forward(input) is a table containing both inputs x_1 and x_2, which are tensors of size N x inputDimension1 and N x inputDimension2, respectively.

  14. class BinaryThreshold[T] extends TensorModule[T]

    Threshold input Tensor.

  15. class BinaryTreeLSTM[T] extends TreeLSTM[T]

    This class is an implementation of Binary TreeLSTM (Constituency Tree LSTM).

  16. class Bottle[T] extends DynamicContainer[Tensor[T], Tensor[T], T]

    Bottle allows varying dimensionality input to be forwarded through any module that accepts input of nInputDim dimensions, and generates output of nOutputDim dimensions.

  17. class CAdd[T] extends TensorModule[T] with Initializable

    This layer has a bias tensor with given size.

  18. class CAddTable[T, D] extends AbstractModule[Table, Tensor[D], T] with MklInt8Convertible

    Merge the input tensors in the input table by element wise adding them together.

  19. class CAveTable[T] extends AbstractModule[Table, Tensor[T], T]

    Merge the input tensors in the input table by element wise taking the average.

  20. class CDivTable[T] extends AbstractModule[Table, Tensor[_], T]

    Takes a table with two Tensor and returns the component-wise division between them.

  21. class CMaxTable[T] extends AbstractModule[Table, Tensor[T], T]

    Takes a table of Tensors and outputs the max of all of them.

  22. class CMinTable[T] extends AbstractModule[Table, Tensor[T], T]

    Takes a table of Tensors and outputs the min of all of them.

  23. class CMul[T] extends TensorModule[T] with Initializable

    This layer has a weight tensor with given size.

  24. class CMulTable[T] extends AbstractModule[Table, Tensor[T], T]

    Takes a table of Tensors and outputs the multiplication of all of them.

  25. class CSubTable[T] extends AbstractModule[Table, Tensor[_], T]

    Takes a table with two Tensor and returns the component-wise subtraction between them.

  26. class CategoricalCrossEntropy[T] extends AbstractCriterion[Tensor[T], Tensor[T], T]

    This is same with cross entropy criterion, except the target tensor is a one-hot tensor

  27. abstract class Cell[T] extends AbstractModule[Table, Table, T]

    The Cell class is a super class of any recurrent kernels, such as RnnCell, LSTM and GRU.

  28. class Clamp[T] extends HardTanh[T]

    A kind of hard tanh activition function with integer min and max

  29. class ClassNLLCriterion[T] extends TensorCriterion[T]

    The negative log likelihood criterion.

  30. class ClassSimplexCriterion[T] extends MSECriterion[T]

    ClassSimplexCriterion implements a criterion for classification.

  31. class Concat[T] extends DynamicContainer[Tensor[T], Tensor[T], T]

    Concat concatenates the output of one layer of "parallel" modules along the provided dimension: they take the same inputs, and their output is concatenated.

  32. class ConcatTable[T] extends DynamicContainer[Activity, Table, T] with MklInt8Convertible

    ConcateTable is a container module like Concate.

  33. case class ConstInitMethod(value: Double) extends InitializationMethod with Product with Serializable

    Initializer that generates tensors with certain constant double.

  34. abstract class Container[A <: Activity, B <: Activity, T] extends AbstractModule[A, B, T]

    Container is an abstract AbstractModule class which declares methods defined in all containers.

  35. class Contiguous[T] extends TensorModule[T]

    used to make input, gradOutput both contiguous

  36. class ConvLSTMPeephole[T] extends Cell[T]

    Convolution Long Short Term Memory architecture with peephole.

  37. class ConvLSTMPeephole3D[T] extends Cell[T]

    Convolution Long Short Term Memory architecture with peephole.

  38. class Cosine[T] extends TensorModule[T] with Initializable

    Cosine calculates the cosine similarity of the input to k mean centers.

  39. class CosineDistance[T] extends AbstractModule[Table, Tensor[T], T]

    outputs the cosine distance between inputs

  40. class CosineDistanceCriterion[T] extends TensorCriterion[T]

    Creates a criterion that measures the loss given an input tensor and target tensor.

  41. class CosineEmbeddingCriterion[T] extends AbstractCriterion[Table, Table, T]

    Creates a criterion that measures the loss given an input x = {x1, x2}, a table of two Tensors, and a Tensor label y with values 1 or -1.

  42. class CosineProximityCriterion[T] extends TensorCriterion[T]

    The negative of the mean cosine proximity between predictions and targets.

  43. class Cropping2D[T] extends TensorModule[T]

    Cropping layer for 2D input (e.

  44. class Cropping3D[T] extends TensorModule[T]

    Cropping layer for 3D data (e.

  45. class CrossEntropyCriterion[T] extends TensorCriterion[T]

    This criterion combines LogSoftMax and ClassNLLCriterion in one single class.

  46. class CrossProduct[T] extends AbstractModule[Table, Tensor[T], T]

    A layer which takes a table of multiple tensors(n >= 2) as input and calculate to dot product for all combinations of pairs among input tensors.

  47. class DenseToSparse[T] extends TensorModule[T]

    Convert DenseTensor to SparseTensor.

  48. class DetectionOutputFrcnn extends AbstractModule[Table, Activity, Float]

    Post process Faster-RCNN models

  49. case class DetectionOutputParam(nClasses: Int = 21, shareLocation: Boolean = true, bgLabel: Int = 0, nmsThresh: Float = 0.45, nmsTopk: Int = 400, keepTopK: Int = 200, confThresh: Float = 0.01, varianceEncodedInTarget: Boolean = false) extends Product with Serializable

  50. class DetectionOutputSSD[T] extends AbstractModule[Table, Activity, T]

    Layer to Post-process SSD output

  51. class DiceCoefficientCriterion[T] extends TensorCriterion[T]

    The Dice-Coefficient criterion input: Tensor, target: Tensor

  52. class DistKLDivCriterion[T] extends TensorCriterion[T]

    The Kullback–Leibler divergence criterion

  53. class DotProduct[T] extends AbstractModule[Table, Tensor[T], T]

    This is a simple table layer which takes a table of two tensors as input and calculate the dot product between them as outputs

  54. class DotProductCriterion[T] extends TensorCriterion[T]

    Compute the dot product of input and target tensor.

  55. class Dropout[T] extends TensorModule[T]

    Dropout masks(set to zero) parts of input using a bernoulli distribution.

  56. abstract class DynamicContainer[A <: Activity, B <: Activity, T] extends Container[A, B, T]

    DynamicContainer allow user to change its submodules after create it.

  57. class ELU[T] extends TensorModule[T]

    Djork-Arné Clevert, Thomas Unterthiner, Sepp Hochreiter Fast and Accurate Deep Network Learning by Exponential Linear Units (ELUs) [http://arxiv.

  58. class Echo[T] extends TensorModule[T]

    This module is for debug purpose, which can print activation and gradient in your model topology

  59. class Euclidean[T] extends TensorModule[T] with Initializable

    Outputs the Euclidean distance of the input to outputSize centers

  60. class Exp[T] extends TensorModule[T]

    Applies element-wise exp to input tensor.

  61. class ExpandSize[T] extends AbstractModule[Tensor[T], Tensor[T], T]

    Expand tensor to configured size

  62. class FeedForwardNetwork[T] extends BaseModule[T]

    Implementation FeedForwardNetwork constructed with fully connected network.

  63. class FlattenTable[T] extends AbstractModule[Table, Table, T]

    This is a table layer which takes an arbitrarily deep table of Tensors (potentially nested) as input and a table of Tensors without any nested table will be produced

  64. class FrameManager[T] extends Serializable

    Manage frame in scheduler.

  65. class GRU[T] extends Cell[T]

    Gated Recurrent Units architecture.

  66. class GaussianCriterion[T] extends AbstractCriterion[Table, Tensor[T], T]

    Computes the log-likelihood of a sample x given a Gaussian distribution p.

  67. class GaussianDropout[T] extends TensorModule[T]

    Apply multiplicative 1-centered Gaussian noise.

  68. class GaussianNoise[T] extends TensorModule[T]

    Apply additive zero-centered Gaussian noise.

  69. class GaussianSampler[T] extends AbstractModule[Table, Tensor[T], T]

    Takes {mean, log_variance} as input and samples from the Gaussian distribution

  70. class GradientReversal[T] extends TensorModule[T]

    It is a simple module preserves the input, but takes the gradient from the subsequent layer, multiplies it by -lambda and passes it to the preceding layer.

  71. abstract class Graph[T] extends Container[Activity, Activity, T] with MklInt8Convertible

    A graph container.

  72. trait GraphSerializable extends ContainerSerializable

  73. class HardShrink[T] extends TensorModule[T]

    This is a transfer layer which applies the hard shrinkage function element-wise to the input Tensor.

  74. class HardSigmoid[T] extends TensorModule[T]

    Apply Segment-wise linear approximation of sigmoid.

  75. class HardTanh[T] extends TensorModule[T]

    Applies HardTanh to each element of input, HardTanh is defined: ⎧ maxValue, if x > maxValue f(x) = ⎨ minValue, if x < minValue ⎩ x, otherwise

  76. class HingeEmbeddingCriterion[T] extends TensorCriterion[T]

    Creates a criterion that measures the loss given an input x which is a 1-dimensional vector and a label y (1 or -1).

  77. class Identity[T] extends AbstractModule[Activity, Activity, T]

    Identity just return the input to output.

  78. class Index[T] extends AbstractModule[Table, Tensor[T], T]

    Applies the Tensor index operation along the given dimension.

  79. class InferReshape[T] extends TensorModule[T]

    Reshape the input tensor with automatic size inference support.

  80. trait InitializationMethod extends AnyRef

    Initialization method to initialize bias and weight.

  81. class Input[T] extends AbstractModule[Activity, Activity, T]

    Input layer do nothing to the input tensors, just pass them.

  82. class JoinTable[T] extends AbstractModule[Table, Tensor[_], T]

    It is a table module which takes a table of Tensors as input and outputs a Tensor by joining them together along the dimension dimension.

  83. class KLDCriterion[T] extends AbstractCriterion[Table, Tensor[T], T]

    Computes the KL-divergence of the input normal distribution to a standard normal distribution.

  84. class KullbackLeiblerDivergenceCriterion[T] extends TensorCriterion[T]

    This method is same as kullback_leibler_divergence loss in keras.

  85. class L1Cost[T] extends TensorCriterion[T]

    compute L1 norm for input, and sign of input

  86. class L1HingeEmbeddingCriterion[T] extends AbstractCriterion[Table, Tensor[T], T]

    Creates a criterion that measures the loss given an input x = {x1, x2}, a table of two Tensors, and a label y (1 or -1):

  87. class L1Penalty[T] extends TensorModule[T]

    adds an L1 penalty to an input (for sparsity).

  88. class LSTM[T] extends Cell[T]

    Long Short Term Memory architecture.

  89. class LSTMPeephole[T] extends Cell[T]

    Long Short Term Memory architecture with peephole.

  90. class LayerNormalization[T] extends BaseModule[T]

    Applies layer normalization.

  91. class LeakyReLU[T] extends TensorModule[T]

    It is a transfer module that applies LeakyReLU, which parameter negval sets the slope of the negative part: LeakyReLU is defined as: f(x) = max(0, x) + negval * min(0, x)

  92. class Linear[T] extends TensorModule[T] with Initializable with MklInt8Convertible

    The Linear module applies a linear transformation to the input data, i.

  93. class LocallyConnected1D[T] extends TensorModule[T] with Initializable

  94. class LocallyConnected2D[T] extends TensorModule[T] with Initializable

    The LocallyConnected2D layer works similarly to the SpatialConvolution layer, except that weights are unshared, that is, a different set of filters is applied at each different patch of the input.

  95. class Log[T] extends TensorModule[T]

    The Log module applies a log transformation to the input data

  96. class LogSigmoid[T] extends TensorModule[T]

    This class is a transform layer corresponding to the sigmoid function: f(x) = Log(1 / (1 + e ^^ (-x)))

  97. class LogSoftMax[T] extends TensorModule[T]

    The LogSoftMax module applies a LogSoftMax transformation to the input data which is defined as: f_i(x) = log(1 / a exp(x_i)) where a = sum_j[exp(x_j)]

  98. class LookupTable[T] extends TensorModule[T] with Initializable

    This layer is a particular case of a convolution, where the width of the convolution would be 1.

  99. class LookupTableSparse[T] extends AbstractModule[Activity, Tensor[T], T] with Initializable

    LookupTable for multi-values.

  100. class MM[T] extends AbstractModule[Table, Tensor[T], T]

    Module to perform matrix multiplication on two mini-batch inputs, producing a mini-batch.

  101. class MSECriterion[T] extends TensorCriterion[T]

    The mean squared error criterion e.

  102. class MV[T] extends AbstractModule[Table, Tensor[T], T]

    It is a module to perform matrix vector multiplication on two mini-batch inputs, producing a mini-batch.

  103. class MapTable[T] extends DynamicContainer[Table, Table, T]

    This class is a container for a single module which will be applied to all input elements.

  104. class MarginCriterion[T] extends TensorCriterion[T]

    Creates a criterion that optimizes a two-class classification (squared) hinge loss (margin-based loss) between input x (a Tensor of dimension 1) and output y.

  105. class MarginRankingCriterion[T] extends AbstractCriterion[Table, Table, T]

    Creates a criterion that measures the loss given an input x = {x1, x2}, a table of two Tensors of size 1 (they contain only scalars), and a label y (1 or -1).

  106. class MaskedSelect[T] extends AbstractModule[Table, Tensor[T], T]

    Performs a torch.

  107. class Masking[T] extends TensorModule[T]

    Masking Use a mask value to skip timesteps for a sequence

  108. class Max[T] extends TensorModule[T]

    Applies a max operation over dimension dim

  109. class Maxout[T] extends TensorModule[T]

    Maxout A linear maxout layer Maxout layer select the element-wise maximum value of maxoutNumber Linear(inputSize, outputSize) layers

  110. class Mean[T] extends Sum[T]

    It is a simple layer which applies a mean operation over the given dimension.

  111. class MeanAbsolutePercentageCriterion[T] extends TensorCriterion[T]

    This method is same as mean_absolute_percentage_error loss in keras.

  112. class MeanSquaredLogarithmicCriterion[T] extends TensorCriterion[T]

    This method is same as mean_squared_logarithmic_error loss in keras.

  113. class Min[T] extends TensorModule[T]

    Applies a min operation over dimension dim.

  114. class MixtureTable[T] extends AbstractModule[Table, Tensor[T], T]

    Creates a module that takes a table {gater, experts} as input and outputs the mixture of experts (a Tensor or table of Tensors) using a gater Tensor.

  115. trait MklInt8Convertible extends AnyRef

    Trait which provides MKL-DNN functionality to convert from FP32 to INT8

  116. case class MsraFiller(varianceNormAverage: Boolean = true) extends InitializationMethod with Product with Serializable

    A Filler based on the paper [He, Zhang, Ren and Sun 2015]: Specifically accounts for ReLU nonlinearities.

  117. class Mul[T] extends TensorModule[T] with Initializable

    multiply a single scalar factor to the incoming data

  118. class MulConstant[T] extends TensorModule[T]

    Multiplies input Tensor by a (non-learnable) scalar constant.

  119. class MultiCriterion[T] extends AbstractCriterion[Activity, Activity, T]

    a weighted sum of other criterions each applied to the same input and target;

  120. class MultiLabelMarginCriterion[T] extends TensorCriterion[T]

    Creates a criterion that optimizes a multi-class multi-classification hinge loss (margin-based loss) between input x and output y (which is a Tensor of target class indices)

  121. class MultiLabelSoftMarginCriterion[T] extends TensorCriterion[T]

    A MultiLabel multiclass criterion based on sigmoid:

  122. class MultiMarginCriterion[T] extends TensorCriterion[T]

    Creates a criterion that optimizes a multi-class classification hinge loss (margin-based loss) between input x and output y (which is a target class index).

  123. class MultiRNNCell[T] extends Cell[T]

    Enable user stack multiple simple cells.

  124. class Narrow[T] extends TensorModule[T]

    Narrow is application of narrow operation in a module.

  125. class NarrowTable[T] extends AbstractModule[Table, Table, T]

    Creates a module that takes a table as input and outputs the subtable starting at index offset having length elements (defaults to 1 element).

  126. class Negative[T] extends AbstractModule[Tensor[_], Tensor[_], T]

    Computing negative value of each element of input tensor

  127. class NegativeEntropyPenalty[T] extends TensorModule[T]

    Penalize the input multinomial distribution if it has low entropy.

  128. class Nms extends Serializable

    Non-Maximum Suppression (nms) for Object Detection The goal of nms is to solve the problem that groups of several detections near the real location, ideally obtaining only one detection per object

  129. class Normalize[T] extends TensorModule[T]

    Normalizes the input Tensor to have unit L_p norm.

  130. class NormalizeScale[T] extends TensorModule[T]

    NormalizeScale is conposed of normalize and scale, this is equal to caffe Normalize layer

  131. class PGCriterion[T] extends TensorCriterion[T]

    The Criterion to compute the negative policy gradient given a multinomial distribution and the sampled action and reward.

  132. class PReLU[T] extends TensorModule[T] with Initializable

    Applies parametric ReLU, which parameter varies the slope of the negative part.

  133. class Pack[T] extends AbstractModule[Activity, Tensor[_], T]

    Stacks a list of n-dimensional tensors into one (n+1)-dimensional tensor.

  134. class Padding[T] extends TensorModule[T]

    This module adds pad units of padding to dimension dim of the input.

  135. class PairwiseDistance[T] extends AbstractModule[Table, Tensor[T], T]

    It is a module that takes a table of two vectors as input and outputs the distance between them using the p-norm.

  136. class ParallelCriterion[T] extends AbstractCriterion[Table, Table, T]

    ParallelCriterion is a weighted sum of other criterions each applied to a different input and target.

  137. class ParallelTable[T] extends DynamicContainer[Table, Table, T]

    It is a container module that applies the i-th member module to the i-th input, and outputs an output in the form of Table

  138. class PoissonCriterion[T] extends TensorCriterion[T]

    This class is same as Poisson loss in keras.

  139. class Power[T] extends TensorModule[T]

    Apply an element-wise power operation with scale and shift.

  140. class PriorBox[T] extends AbstractModule[Activity, Tensor[T], T]

    Generate the prior boxes of designated sizes and aspect ratios across all dimensions (H * W) Intended for use with MultiBox detection method to generate prior

  141. class Proposal extends AbstractModule[Table, Tensor[Float], Float]

    Outputs object detection proposals by applying estimated bounding-box transformations to a set of regular boxes (called "anchors").

  142. class RReLU[T] extends TensorModule[T]

    Applies the randomized leaky rectified linear unit (RReLU) element-wise to the input Tensor, thus outputting a Tensor of the same dimension.

  143. case class RandomNormal(mean: Double, stdv: Double) extends InitializationMethod with Product with Serializable

    Initializer that generates tensors with a normal distribution.

  144. case class RandomUniform(lower: Double, upper: Double) extends InitializationMethod with Product with Serializable

    Initializer that generates tensors with a uniform distribution.

  145. class ReLU[T] extends Threshold[T] with MklInt8Convertible

    Applies the rectified linear unit (ReLU) function element-wise to the input Tensor Thus the output is a Tensor of the same dimension ReLU function is defined as: f(x) = max(0, x)

  146. class ReLU6[T] extends HardTanh[T]

    Same as ReLU except that the rectifying function f(x) saturates at x = 6 ReLU6 is defined as: f(x) = min(max(0, x), 6)

  147. class Recurrent[T] extends DynamicContainer[Tensor[T], Tensor[T], T]

    Recurrent module is a container of rnn cells Different types of rnn cells can be added using add() function

  148. class RecurrentDecoder[T] extends Recurrent[T]

    RecurrentDecoder module is a container of rnn cells that used to make a prediction of the next timestep based on the prediction we made from the previous timestep.

  149. class Replicate[T] extends TensorModule[T]

    Replicate repeats input nFeatures times along its dim dimension

  150. class Reshape[T] extends TensorModule[T]

    The forward(input) reshape the input tensor into a size(0) * size(1) * ... tensor, taking the elements row-wise.

  151. class ResizeBilinear[T] extends AbstractModule[Tensor[Float], Tensor[Float], T]

    Resize the input image with bilinear interpolation.

  152. class Reverse[T] extends TensorModule[T]

    Reverse the input w.

  153. class RnnCell[T] extends Cell[T]

    Implementation of vanilla recurrent neural network cell i2h: weight matrix of input to hidden units h2h: weight matrix of hidden units to themselves through time The updating is defined as: h_t = f(i2h * x_t + h2h * h_{t-1})

  154. class RoiPooling[T] extends AbstractModule[Table, Tensor[T], T]

    Region of interest pooling The RoIPooling uses max pooling to convert the features inside any valid region of interest into a small feature map with a fixed spatial extent of pooledH × pooledW (e.

  155. class SReLU[T] extends TensorModule[T] with Initializable

    S-shaped Rectified Linear Unit.

  156. class Scale[T] extends AbstractModule[Tensor[T], Tensor[T], T]

    Scale is the combination of cmul and cadd Computes the elementwise product of input and weight, with the shape of the weight "expand" to match the shape of the input.

  157. class Select[T] extends TensorModule[T]

    A Simple layer selecting an index of the input tensor in the given dimension

  158. class SelectTable[T] extends AbstractModule[Table, Activity, T]

    Creates a module that takes a table as input and outputs the element at index index (positive or negative).

  159. class SequenceBeamSearch[T] extends AbstractModule[Table, Activity, T]

    Beam search to find the translated sequence with the highest probability.

  160. class Sequential[T] extends DynamicContainer[Activity, Activity, T] with MklInt8Convertible

    Sequential provides a means to plug layers together in a feed-forward fully connected manner.

  161. class Sigmoid[T] extends TensorModule[T]

    Applies the Sigmoid function element-wise to the input Tensor, thus outputting a Tensor of the same dimension.

  162. class SmoothL1Criterion[T] extends TensorCriterion[T]

    Creates a criterion that can be thought of as a smooth version of the AbsCriterion.

  163. class SmoothL1CriterionWithWeights[T] extends AbstractCriterion[Tensor[T], Table, T]

    a smooth version of the AbsCriterion It uses a squared term if the absolute element-wise error falls below 1.

  164. class SoftMarginCriterion[T] extends TensorCriterion[T]

    Creates a criterion that optimizes a two-class classification logistic loss between input x (a Tensor of dimension 1) and output y (which is a tensor containing either 1s or -1s).

  165. class SoftMax[T] extends TensorModule[T]

    Applies the SoftMax function to an n-dimensional input Tensor, rescaling them so that the elements of the n-dimensional output Tensor lie in the range (0, 1) and sum to 1.

  166. class SoftMin[T] extends TensorModule[T]

    Applies the SoftMin function to an n-dimensional input Tensor, rescaling them so that the elements of the n-dimensional output Tensor lie in the range (0,1) and sum to 1.

  167. class SoftPlus[T] extends TensorModule[T]

    Apply the SoftPlus function to an n-dimensional input tensor.

  168. class SoftShrink[T] extends TensorModule[T]

    Apply the soft shrinkage function element-wise to the input Tensor

  169. class SoftSign[T] extends TensorModule[T]

    Apply SoftSign function to an n-dimensional input Tensor.

  170. class SoftmaxWithCriterion[T] extends TensorCriterion[T]

    Computes the multinomial logistic loss for a one-of-many classification task, passing real-valued predictions through a softmax to get a probability distribution over classes.

  171. class SparseJoinTable[T] extends AbstractModule[Table, Tensor[T], T]

    :: Experimental ::

  172. class SparseLinear[T] extends Linear[T]

    SparseLinear is the sparse version of module Linear.

  173. class SpatialAveragePooling[T] extends TensorModule[T]

    Applies 2D average-pooling operation in kWxkH regions by step size dWxdH steps.

  174. class SpatialBatchNormalization[T] extends BatchNormalization[T]

    This file implements Batch Normalization as described in the paper: "Batch Normalization: Accelerating Deep Network Training by Reducing Internal Covariate Shift" by Sergey Ioffe, Christian Szegedy This implementation is useful for inputs coming from convolution layers.

  175. class SpatialContrastiveNormalization[T] extends TensorModule[T]

    Subtractive + divisive contrast normalization.

  176. class SpatialConvolution[T] extends TensorModule[T] with Initializable with MklInt8Convertible

    Applies a 2D convolution over an input image composed of several input planes.

  177. class SpatialConvolutionMap[T] extends TensorModule[T]

    This class is a generalization of SpatialConvolution.

  178. class SpatialCrossMapLRN[T] extends TensorModule[T]

    Applies Spatial Local Response Normalization between different feature maps.

  179. class SpatialDilatedConvolution[T] extends TensorModule[T] with Initializable

    Apply a 2D dilated convolution over an input image.

  180. class SpatialDivisiveNormalization[T] extends TensorModule[T]

    Applies a spatial division operation on a series of 2D inputs using kernel for computing the weighted average in a neighborhood.

  181. class SpatialDropout1D[T] extends TensorModule[T]

    This version performs the same function as Dropout, however it drops entire 1D feature maps instead of individual elements.

  182. class SpatialDropout2D[T] extends TensorModule[T]

    This version performs the same function as Dropout, however it drops entire 2D feature maps instead of individual elements.

  183. class SpatialDropout3D[T] extends TensorModule[T]

    This version performs the same function as Dropout, however it drops entire 3D feature maps instead of individual elements.

  184. class SpatialFullConvolution[T] extends AbstractModule[Activity, Tensor[T], T] with Initializable

    Apply a 2D full convolution over an input image.

  185. class SpatialMaxPooling[T] extends TensorModule[T]

    Applies 2D max-pooling operation in kWxkH regions by step size dWxdH steps.

  186. class SpatialSeparableConvolution[T] extends AbstractModule[Tensor[T], Tensor[T], T]

    Separable convolutions consist in first performing a depthwise spatial convolution (which acts on each input channel separately) followed by a pointwise convolution which mixes together the resulting output channels.

  187. class SpatialShareConvolution[T] extends SpatialConvolution[T]

    Annotations
    @SerialVersionUID( 4479683852714800631L )
  188. class SpatialSubtractiveNormalization[T] extends TensorModule[T]

    Applies a spatial subtraction operation on a series of 2D inputs using kernel for computing the weighted average in a neighborhood.

  189. class SpatialWithinChannelLRN[T] extends TensorModule[T]

    The local response normalization layer performs a kind of “lateral inhibition” by normalizing over local input regions.

  190. class SpatialZeroPadding[T] extends TensorModule[T]

    Each feature map of a given input is padded with specified number of zeros.

  191. class SplitTable[T] extends AbstractModule[Tensor[T], Table, T]

    Creates a module that takes a Tensor as input and outputs several tables, splitting the Tensor along the specified dimension dimension.

  192. class Sqrt[T] extends Power[T]

    Apply an element-wise sqrt operation.

  193. class Square[T] extends Power[T]

    Apply an element-wise square operation.

  194. class Squeeze[T] extends AbstractModule[Tensor[_], Tensor[_], T]

    Delete all singleton dimensions or a specific singleton dimension.

  195. class StaticGraph[T] extends Graph[T]

    A graph container.

  196. class Sum[T] extends TensorModule[T]

    It is a simple layer which applies a sum operation over the given dimension.

  197. class TableOperation[T] extends AbstractModule[Table, Tensor[T], T]

    When two tensors have different size, firstly expand small size tensor to large size tensor, and then do table operation.

  198. class Tanh[T] extends TensorModule[T]

    Applies the Tanh function element-wise to the input Tensor, thus outputting a Tensor of the same dimension.

  199. class TanhShrink[T] extends TensorModule[T]

    A simple layer for each element of the input tensor, do the following operation during the forward process: [f(x) = tanh(x) - 1]

  200. class TemporalConvolution[T] extends TensorModule[T] with Initializable

    Applies a 1D convolution over an input sequence composed of nInputFrame frames.

  201. class TemporalMaxPooling[T] extends TensorModule[T]

    Applies 1D max-pooling operation in kW regions by step size dW steps.

  202. class TensorTree[T] extends Serializable

    TensorTree class is used to decode a tensor to a tree structure.

  203. class Threshold[T] extends TensorModule[T]

    Threshold input Tensor.

  204. class Tile[T] extends TensorModule[T]

    Tile repeats input nFeatures times along its dim dimension

  205. class TimeDistributed[T] extends TensorModule[T]

    This layer is intended to apply contained layer to each temporal time slice of input tensor.

  206. class TimeDistributedCriterion[T] extends TensorCriterion[T]

    This class is intended to support inputs with 3 or more dimensions.

  207. class TimeDistributedMaskCriterion[T] extends TensorCriterion[T]

    This class is intended to support inputs with 3 or more dimensions.

  208. class Transformer[T] extends AbstractModule[Activity, Activity, T]

    Transformer model from "Attention Is All You Need".

  209. class TransformerCriterion[T] extends AbstractCriterion[Activity, Activity, T]

    The criterion that takes two modules to transform input and target, and take one criterion to compute the loss with the transformed input and target.

  210. sealed trait TransformerType extends AnyRef

  211. class Transpose[T] extends AbstractModule[Tensor[_], Tensor[_], T]

    Transpose input along specified dimensions

  212. abstract class TreeLSTM[T] extends AbstractModule[Table, Tensor[T], T]

  213. class Unsqueeze[T] extends AbstractModule[Tensor[_], Tensor[_], T]

    Insert singleton dim (i.

  214. class UpSampling1D[T] extends TensorModule[T]

    Upsampling layer for 1D inputs.

  215. class UpSampling2D[T] extends TensorModule[T]

    Upsampling layer for 2D inputs.

  216. class UpSampling3D[T] extends TensorModule[T]

    Upsampling layer for 3D inputs.

  217. trait VariableFormat extends AnyRef

    VariableFormat describe the meaning of each dimension of the variable (the trainable parameters of a model like weight and bias) and can be used to return the fan in and fan out size of the variable when provided the variable shape.

  218. class View[T] extends TensorModule[T]

    This module creates a new view of the input tensor using the sizes passed to the constructor.

  219. class VolumetricAveragePooling[T] extends TensorModule[T]

    Applies 3D average-pooling operation in kTxkWxkH regions by step size dTxdWxdH.

  220. class VolumetricConvolution[T] extends TensorModule[T] with Initializable

    Applies a 3D convolution over an input image composed of several input planes.

  221. class VolumetricFullConvolution[T] extends AbstractModule[Activity, Tensor[T], T] with Initializable

    Apply a 3D full convolution over an 3D input image, a sequence of images, or a video etc.

  222. class VolumetricMaxPooling[T] extends TensorModule[T]

    Applies 3D max-pooling operation in kTxkWxkH regions by step size dTxdWxdH.

Value Members

  1. object Abs extends Serializable

  2. object AbsCriterion extends Serializable

  3. object ActivityRegularization extends Serializable

  4. object Add extends Serializable

  5. object AddConstant extends Serializable

  6. object Anchor extends Serializable

  7. object Attention extends Serializable

  8. object BCECriterion extends Serializable

  9. object BatchNormalization extends ModuleSerializable with Serializable

  10. object BiRecurrent extends ContainerSerializable with Serializable

  11. object BifurcateSplitTable extends Serializable

  12. object Bilinear extends Serializable

  13. object BilinearFiller extends InitializationMethod with Product with Serializable

    Initialize the weight with coefficients for bilinear interpolation.

  14. object BinaryThreshold extends Serializable

  15. object BinaryTreeLSTM extends ModuleSerializable with Serializable

  16. object Bottle extends Serializable

  17. object CAdd extends Serializable

  18. object CAddTable extends ModuleSerializable with Serializable

  19. object CAveTable extends Serializable

  20. object CDivTable extends Serializable

  21. object CMaxTable extends Serializable

  22. object CMinTable extends Serializable

  23. object CMul extends Serializable

  24. object CMulTable extends Serializable

  25. object CMulTableExpand

  26. object CSubTable extends Serializable

  27. object CSubTableExpand

  28. object CategoricalCrossEntropy extends Serializable

  29. object CellSerializer extends ModuleSerializable

  30. object Clamp extends Serializable

  31. object ClassNLLCriterion extends Serializable

  32. object ClassSimplexCriterion extends Serializable

  33. object Concat extends Serializable

  34. object ConcatTable extends Serializable

  35. object Contiguous extends Serializable

  36. object ConvLSTMPeephole extends Serializable

  37. object ConvLSTMPeephole3D extends Serializable

  38. object Cosine extends Serializable

  39. object CosineDistance extends Serializable

  40. object CosineDistanceCriterion extends Serializable

  41. object CosineEmbeddingCriterion extends Serializable

  42. object CosineProximityCriterion extends Serializable

  43. object Cropping2D extends Serializable

  44. object Cropping3D extends Serializable

  45. object CrossEntropyCriterion extends Serializable

  46. object CrossProduct extends Serializable

  47. object DenseToSparse extends Serializable

  48. object DetectionOutputFrcnn extends Serializable

  49. object DetectionOutputSSD extends Serializable

  50. object DiceCoefficientCriterion extends Serializable

  51. object DistKLDivCriterion extends Serializable

  52. object DotProduct extends Serializable

  53. object DotProductCriterion extends Serializable

  54. object Dropout extends Serializable

  55. object ELU extends Serializable

  56. object Echo extends ModuleSerializable with Serializable

  57. object ErrorInfo

  58. object Euclidean extends Serializable

  59. object Exp extends Serializable

  60. object ExpandSize extends Serializable

  61. object FeedForwardNetwork extends Serializable

  62. object FlattenTable extends Serializable

  63. object FrameManager extends Serializable

  64. object GRU extends Serializable

  65. object GaussianCriterion extends Serializable

  66. object GaussianDropout extends Serializable

  67. object GaussianNoise extends Serializable

  68. object GaussianSampler extends Serializable

  69. object GradientReversal extends Serializable

  70. object Graph extends GraphSerializable with Serializable

  71. object HardShrink extends Serializable

  72. object HardSigmoid extends Serializable

  73. object HardTanh extends Serializable

  74. object Highway

  75. object HingeEmbeddingCriterion extends Serializable

  76. object Identity extends Serializable

  77. object Index extends Serializable

  78. object InferReshape extends Serializable

  79. object Input extends Serializable

  80. object JoinTable extends Serializable

  81. object KLDCriterion extends Serializable

  82. object KullbackLeiblerDivergenceCriterion extends Serializable

  83. object L1Cost extends Serializable

  84. object L1HingeEmbeddingCriterion extends Serializable

  85. object L1Penalty extends Serializable

  86. object LSTM extends Serializable

  87. object LSTMPeephole extends Serializable

  88. object LanguageModel extends TransformerType with Product with Serializable

  89. object LeakyReLU extends Serializable

  90. object Linear extends Quantizable with Serializable

  91. object LocallyConnected1D extends Serializable

  92. object LocallyConnected2D extends Serializable

  93. object Log extends Serializable

  94. object LogSigmoid extends Serializable

  95. object LogSoftMax extends Serializable

  96. object LookupTable extends Serializable

  97. object LookupTableSparse extends Serializable

  98. object MM extends Serializable

  99. object MSECriterion extends Serializable

  100. object MV extends Serializable

  101. object MapTable extends ContainerSerializable with Serializable

  102. object MarginCriterion extends Serializable

  103. object MarginRankingCriterion extends Serializable

  104. object MaskedSelect extends ModuleSerializable with Serializable

  105. object Masking extends Serializable

  106. object Max extends Serializable

  107. object Maxout extends ModuleSerializable with Serializable

  108. object Mean extends Serializable

  109. object MeanAbsolutePercentageCriterion extends Serializable

  110. object MeanSquaredLogarithmicCriterion extends Serializable

  111. object Min extends Serializable

  112. object MixtureTable extends Serializable

  113. object Module

  114. object Mul extends Serializable

  115. object MulConstant extends Serializable

  116. object MultiCriterion extends Serializable

  117. object MultiLabelMarginCriterion extends Serializable

  118. object MultiLabelSoftMarginCriterion extends Serializable

  119. object MultiMarginCriterion extends Serializable

  120. object MultiRNNCell extends ModuleSerializable with Serializable

  121. object Narrow extends Serializable

  122. object NarrowTable extends Serializable

  123. object Negative extends Serializable

  124. object NegativeEntropyPenalty extends Serializable

  125. object NormMode extends Enumeration

  126. object Normalize extends Serializable

  127. object NormalizeScale extends Serializable

  128. object Ones extends InitializationMethod with Product with Serializable

    Initializer that generates tensors with zeros.

  129. object PGCriterion extends Serializable

  130. object PReLU extends Serializable

  131. object Pack extends Serializable

  132. object Padding extends Serializable

  133. object PairwiseDistance extends Serializable

  134. object ParallelCriterion extends Serializable

  135. object ParallelTable extends Serializable

  136. object PoissonCriterion extends Serializable

  137. object Power extends Serializable

  138. object PriorBox extends Serializable

  139. object Proposal extends Serializable

  140. object RReLU extends Serializable

  141. object RandomUniform extends InitializationMethod with Product with Serializable

    Initializer that generates tensors with a uniform distribution.

  142. object ReLU extends Serializable

  143. object ReLU6 extends Serializable

  144. object Recurrent extends ContainerSerializable with Serializable

  145. object RecurrentDecoder extends ContainerSerializable with Serializable

  146. object Replicate extends Serializable

  147. object Reshape extends ModuleSerializable with Serializable

  148. object ResizeBilinear extends Serializable

  149. object Reverse extends Serializable

  150. object RnnCell extends Serializable

  151. object RoiPooling extends Serializable

  152. object SReLU extends ModuleSerializable with Serializable

  153. object Scale extends ModuleSerializable with Serializable

  154. object Select extends Serializable

  155. object SelectTable extends Serializable

  156. object SequenceBeamSearch extends Serializable

  157. object Sequential extends Serializable

  158. object Sigmoid extends Serializable

  159. object SmoothL1Criterion extends Serializable

  160. object SmoothL1CriterionWithWeights extends Serializable

  161. object SoftMarginCriterion extends Serializable

  162. object SoftMax extends Serializable

  163. object SoftMin extends Serializable

  164. object SoftPlus extends Serializable

  165. object SoftShrink extends Serializable

  166. object SoftSign extends Serializable

  167. object SoftmaxWithCriterion extends Serializable

  168. object SparseJoinTable extends Serializable

  169. object SparseLinear extends Serializable

  170. object SpatialAveragePooling extends Serializable

  171. object SpatialBatchNormalization extends Serializable

  172. object SpatialContrastiveNormalization extends ModuleSerializable with Serializable

  173. object SpatialConvolution extends Quantizable with Serializable

  174. object SpatialConvolutionMap extends Serializable

  175. object SpatialCrossMapLRN extends Serializable

  176. object SpatialDilatedConvolution extends Quantizable with Serializable

  177. object SpatialDivisiveNormalization extends ModuleSerializable with Serializable

  178. object SpatialDropout1D extends Serializable

  179. object SpatialDropout2D extends Serializable

  180. object SpatialDropout3D extends Serializable

  181. object SpatialFullConvolution extends ModuleSerializable with Serializable

  182. object SpatialMaxPooling extends ModuleSerializable with Serializable

  183. object SpatialSeparableConvolution extends ModuleSerializable with Serializable

  184. object SpatialShareConvolution extends Serializable

  185. object SpatialSubtractiveNormalization extends ModuleSerializable with Serializable

  186. object SpatialWithinChannelLRN extends Serializable

  187. object SpatialZeroPadding extends Serializable

  188. object SplitTable extends Serializable

  189. object Sqrt extends Serializable

  190. object Square extends Serializable

  191. object Squeeze extends Serializable

  192. object Sum extends Serializable

  193. object Tanh extends Serializable

  194. object TanhShrink extends Serializable

  195. object TemporalConvolution extends Serializable

  196. object TemporalMaxPooling extends Serializable

  197. object Threshold extends Serializable

  198. object Tile extends Serializable

  199. object TimeDistributed extends ModuleSerializable with Serializable

  200. object TimeDistributedCriterion extends Serializable

  201. object TimeDistributedMaskCriterion extends Serializable

  202. object Transformer extends ModuleSerializable with Serializable

  203. object TransformerCriterion extends Serializable

  204. object Translation extends TransformerType with Product with Serializable

  205. object Transpose extends ModuleSerializable with Serializable

  206. object Unsqueeze extends Serializable

  207. object UpSampling1D extends Serializable

  208. object UpSampling2D extends Serializable

  209. object UpSampling3D extends Serializable

  210. object Utils

  211. object VariableFormat

  212. object View extends Serializable

  213. object VolumetricAveragePooling extends ModuleSerializable with Serializable

  214. object VolumetricConvolution extends Serializable

  215. object VolumetricFullConvolution extends Serializable

  216. object VolumetricMaxPooling extends ModuleSerializable with Serializable

  217. object Xavier extends InitializationMethod with Product with Serializable

    In short, it helps signals reach deep into the network.

  218. object Zeros extends InitializationMethod with Product with Serializable

    Initializer that generates tensors with zeros.

  219. package abstractnn

  220. package keras

  221. package mkldnn

  222. package ops

  223. package quantized

  224. package tf

Ungrouped