Skip navigation links
A B C D E F G H I J K L M N O P Q R S T U V W X Y Z 

A

Abs - Class in org.nd4j.linalg.api.ops.impl.transforms
Abs elementwise function
Abs() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Abs
 
Abs(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Abs
 
Abs(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Abs
 
Abs(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Abs
 
Abs(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Abs
 
abs(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Abs funciton
abs(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Abs function
abs(IComplexNumber) - Static method in class org.nd4j.linalg.util.ComplexUtil
Return the absolute value of the given complex number
absGreaterThan(Number) - Static method in class org.nd4j.linalg.indexing.conditions.Conditions
 
absGreaterThanOrEqual(Number) - Static method in class org.nd4j.linalg.indexing.conditions.Conditions
 
absLessThan(Number) - Static method in class org.nd4j.linalg.indexing.conditions.Conditions
 
absLessThanOrEqual(Number) - Static method in class org.nd4j.linalg.indexing.conditions.Conditions
 
AbstractDataSetNormalizer<S extends NormalizerStats> - Class in org.nd4j.linalg.dataset.api.preprocessor
Abstract base class for normalizers that act upon DataSet instances or iterators
AbstractDataSetNormalizer(NormalizerStrategy<S>) - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.AbstractDataSetNormalizer
 
AbstractMultiDataSetNormalizer<S extends NormalizerStats> - Class in org.nd4j.linalg.dataset.api.preprocessor
Abstract base class for normalizers that act upon MultiDataSet instances or iterators
AbstractMultiDataSetNormalizer() - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.AbstractMultiDataSetNormalizer
 
AbstractMultiDataSetNormalizer(NormalizerStrategy<S>) - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.AbstractMultiDataSetNormalizer
 
AbstractNormalizer - Class in org.nd4j.linalg.dataset.api.preprocessor
Abstract base class for normalizers for both DataSet and MultiDataSet processing
AbstractNormalizer() - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.AbstractNormalizer
 
AbstractStorage<T> - Interface in org.nd4j.linalg.compression
This interface describes basic Key-Value storage, where Key is any object, and Value is INDArray located "somewhere else"
AbsValueGreaterOrEqualsThan - Class in org.nd4j.linalg.indexing.conditions
Boolean condition on absolute value: abs(x) >= value
AbsValueGreaterOrEqualsThan() - Constructor for class org.nd4j.linalg.indexing.conditions.AbsValueGreaterOrEqualsThan
Special constructor for pairwise boolean operations.
AbsValueGreaterOrEqualsThan(Number) - Constructor for class org.nd4j.linalg.indexing.conditions.AbsValueGreaterOrEqualsThan
 
AbsValueGreaterThan - Class in org.nd4j.linalg.indexing.conditions
Boolean condition on absolute value: abs(x) > value
AbsValueGreaterThan() - Constructor for class org.nd4j.linalg.indexing.conditions.AbsValueGreaterThan
Special constructor for pairwise boolean operations.
AbsValueGreaterThan(Number) - Constructor for class org.nd4j.linalg.indexing.conditions.AbsValueGreaterThan
 
AbsValueLessOrEqualsThan - Class in org.nd4j.linalg.indexing.conditions
Boolean condition on absolute value: abs(x) <= value
AbsValueLessOrEqualsThan() - Constructor for class org.nd4j.linalg.indexing.conditions.AbsValueLessOrEqualsThan
Special constructor for pairwise boolean operations.
AbsValueLessOrEqualsThan(Number) - Constructor for class org.nd4j.linalg.indexing.conditions.AbsValueLessOrEqualsThan
 
AbsValueLessThan - Class in org.nd4j.linalg.indexing.conditions
Boolean condition on absolute value: abs(x) < value
AbsValueLessThan() - Constructor for class org.nd4j.linalg.indexing.conditions.AbsValueLessThan
Special constructor for pairwise boolean operations.
AbsValueLessThan(Number) - Constructor for class org.nd4j.linalg.indexing.conditions.AbsValueLessThan
 
accum - Variable in class org.nd4j.linalg.api.ops.TadCollapseAccumulation
 
accumulate(Collection<INDArray>) - Static method in class org.nd4j.linalg.factory.Nd4j
This method sums given arrays and stores them to a new target array
accumulate(INDArray...) - Static method in class org.nd4j.linalg.factory.Nd4j
This method sums given arrays and stores them to a new array
accumulate(INDArray, Collection<INDArray>) - Static method in class org.nd4j.linalg.factory.Nd4j
This method sums given arrays and stores them to a given target array
accumulate(INDArray, INDArray[]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method sums given arrays and stores them to a given target array
accumulate(INDArray, INDArray...) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
This method sums given arrays to target
Accumulation - Interface in org.nd4j.linalg.api.ops
An accumulation is an op that given:
x -> the origin ndarray
y -> the pairwise ndarray
n -> the number of times to accumulate

Of note here in the extra arguments.

ACos - Class in org.nd4j.linalg.api.ops.impl.transforms
Log elementwise function
ACos() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ACos
 
ACos(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ACos
 
ACos(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ACos
 
ACos(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ACos
 
ACos(INDArray, INDArray, int) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ACos
 
acos(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
acos(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
acos(IComplexNumber) - Static method in class org.nd4j.linalg.util.ComplexUtil
Return the sin value of the given complex number
ACosh - Class in org.nd4j.linalg.api.ops.impl.transforms
Log elementwise function
ACosh() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ACosh
 
ACosh(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ACosh
 
ACosh(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ACosh
 
ACosh(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ACosh
 
ACosh(INDArray, INDArray, int) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ACosh
 
Activation - Enum in org.nd4j.linalg.activations
This enum is the factory for the activation function.
ActivationCube - Class in org.nd4j.linalg.activations.impl
f(x) = x^3
ActivationCube() - Constructor for class org.nd4j.linalg.activations.impl.ActivationCube
 
ActivationELU - Class in org.nd4j.linalg.activations.impl
f(x) = alpha * (exp(x) - 1.0); x < 0 = x ; x>= 0 alpha defaults to 1, if not specified
ActivationELU() - Constructor for class org.nd4j.linalg.activations.impl.ActivationELU
 
ActivationELU(double) - Constructor for class org.nd4j.linalg.activations.impl.ActivationELU
 
ActivationHardSigmoid - Class in org.nd4j.linalg.activations.impl
f(x) = min(1, max(0, 0.2*x + 0.5))
ActivationHardSigmoid() - Constructor for class org.nd4j.linalg.activations.impl.ActivationHardSigmoid
 
ActivationHardTanH - Class in org.nd4j.linalg.activations.impl
⎧ 1, if x > 1 f(x) = ⎨ -1, if x < -1 ⎩ x, otherwise
ActivationHardTanH() - Constructor for class org.nd4j.linalg.activations.impl.ActivationHardTanH
 
ActivationIdentity - Class in org.nd4j.linalg.activations.impl
f(x) = x
ActivationIdentity() - Constructor for class org.nd4j.linalg.activations.impl.ActivationIdentity
 
ActivationLReLU - Class in org.nd4j.linalg.activations.impl
Leaky RELU f(x) = max(0, x) + alpha * min(0, x) alpha defaults to 0.01
ActivationLReLU() - Constructor for class org.nd4j.linalg.activations.impl.ActivationLReLU
 
ActivationLReLU(double) - Constructor for class org.nd4j.linalg.activations.impl.ActivationLReLU
 
ActivationRationalTanh - Class in org.nd4j.linalg.activations.impl
Rational tanh approximation From https://arxiv.org/pdf/1508.01292v3 f(x) = 1.7159 * tanh(2x/3) where tanh is approximated as follows, tanh(y) ~ sgn(y) * { 1 - 1/(1+|y|+y^2+1.41645*y^4)} Underlying implementation is in native code
ActivationRationalTanh() - Constructor for class org.nd4j.linalg.activations.impl.ActivationRationalTanh
 
ActivationRectifiedTanh - Class in org.nd4j.linalg.activations.impl
Rectified tanh Essentially max(0, tanh(x)) Underlying implementation is in native code
ActivationRectifiedTanh() - Constructor for class org.nd4j.linalg.activations.impl.ActivationRectifiedTanh
 
ActivationReLU - Class in org.nd4j.linalg.activations.impl
f(x) = max(0, x)
ActivationReLU() - Constructor for class org.nd4j.linalg.activations.impl.ActivationReLU
 
ActivationRReLU - Class in org.nd4j.linalg.activations.impl
f(x) = max(0,x) + alpha * min(0, x) alpha is drawn from uniform(l,u) during training and is set to l+u/2 during test l and u default to 1/8 and 1/3 respectively Empirical Evaluation of Rectified Activations in Convolutional Network
ActivationRReLU() - Constructor for class org.nd4j.linalg.activations.impl.ActivationRReLU
 
ActivationRReLU(double, double) - Constructor for class org.nd4j.linalg.activations.impl.ActivationRReLU
 
ActivationSELU - Class in org.nd4j.linalg.activations.impl
https://arxiv.org/pdf/1706.02515.pdf
ActivationSELU() - Constructor for class org.nd4j.linalg.activations.impl.ActivationSELU
 
ActivationSigmoid - Class in org.nd4j.linalg.activations.impl
f(x) = 1 / (1 + exp(-x))
ActivationSigmoid() - Constructor for class org.nd4j.linalg.activations.impl.ActivationSigmoid
 
ActivationSoftmax - Class in org.nd4j.linalg.activations.impl
f_i(x) = exp(x_i - shift) / sum_j exp(x_j - shift) where shift = max_i(x_i)
ActivationSoftmax() - Constructor for class org.nd4j.linalg.activations.impl.ActivationSoftmax
 
ActivationSoftPlus - Class in org.nd4j.linalg.activations.impl
f(x) = log(1+e^x)
ActivationSoftPlus() - Constructor for class org.nd4j.linalg.activations.impl.ActivationSoftPlus
 
ActivationSoftSign - Class in org.nd4j.linalg.activations.impl
f_i(x) = x_i / (1+|x_i|)
ActivationSoftSign() - Constructor for class org.nd4j.linalg.activations.impl.ActivationSoftSign
 
ActivationTanH - Class in org.nd4j.linalg.activations.impl
f(x) = (exp(x) - exp(-x)) / (exp(x) + exp(-x))
ActivationTanH() - Constructor for class org.nd4j.linalg.activations.impl.ActivationTanH
 
AdaDelta - Class in org.nd4j.linalg.learning.config
http://www.matthewzeiler.com/pubs/googleTR2012/googleTR2012.pdf https://arxiv.org/pdf/1212.5701v1.pdf
AdaDelta() - Constructor for class org.nd4j.linalg.learning.config.AdaDelta
 
AdaDelta.Builder - Class in org.nd4j.linalg.learning.config
 
AdaDeltaUpdater - Class in org.nd4j.linalg.learning
http://www.matthewzeiler.com/pubs/googleTR2012/googleTR2012.pdf https://arxiv.org/pdf/1212.5701v1.pdf
AdaDeltaUpdater(AdaDelta) - Constructor for class org.nd4j.linalg.learning.AdaDeltaUpdater
 
AdaGrad - Class in org.nd4j.linalg.learning.config
Vectorized Learning Rate used per Connection Weight

Adapted from: http://xcorr.net/2014/01/23/adagrad-eliminating-learning-rates-in-stochastic-gradient-descent/ See also http://cs231n.github.io/neural-networks-3/#ada

AdaGrad() - Constructor for class org.nd4j.linalg.learning.config.AdaGrad
 
AdaGrad - Class in org.nd4j.linalg.learning.legacy
Legacy AdaGrad implementation for use in NLP etc applications
AdaGrad(int, int, double) - Constructor for class org.nd4j.linalg.learning.legacy.AdaGrad
 
AdaGrad(int, int) - Constructor for class org.nd4j.linalg.learning.legacy.AdaGrad
 
AdaGrad(int[], double) - Constructor for class org.nd4j.linalg.learning.legacy.AdaGrad
 
AdaGrad(double) - Constructor for class org.nd4j.linalg.learning.legacy.AdaGrad
 
AdaGrad(double, double) - Constructor for class org.nd4j.linalg.learning.legacy.AdaGrad
 
AdaGrad.Builder - Class in org.nd4j.linalg.learning.config
 
AdaGradUpdater - Class in org.nd4j.linalg.learning
Vectorized Learning Rate used per Connection Weight

Adapted from: http://xcorr.net/2014/01/23/adagrad-eliminating-learning-rates-in-stochastic-gradient-descent/ See also http://cs231n.github.io/neural-networks-3/#ada

AdaGradUpdater(AdaGrad) - Constructor for class org.nd4j.linalg.learning.AdaGradUpdater
 
Adam - Class in org.nd4j.linalg.learning.config
The Adam updater.
Adam() - Constructor for class org.nd4j.linalg.learning.config.Adam
 
Adam(double, double, double, double) - Constructor for class org.nd4j.linalg.learning.config.Adam
 
Adam.Builder - Class in org.nd4j.linalg.learning.config
 
AdaMax - Class in org.nd4j.linalg.learning.config
The AdaMax updater, a variant of Adam.
AdaMax() - Constructor for class org.nd4j.linalg.learning.config.AdaMax
 
AdaMax.Builder - Class in org.nd4j.linalg.learning.config
 
AdaMaxUpdater - Class in org.nd4j.linalg.learning
The AdaMax updater, a variant of Adam.
AdaMaxUpdater(AdaMax) - Constructor for class org.nd4j.linalg.learning.AdaMaxUpdater
 
AdamUpdater - Class in org.nd4j.linalg.learning
The Adam updater.
AdamUpdater(Adam) - Constructor for class org.nd4j.linalg.learning.AdamUpdater
 
add(Number, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
add(Number) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
add(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
copy addition of two matrices
add(INDArray, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
copy addition of two matrices
add(IComplexNumber, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
add(IComplexNumber) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
add(IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
add(IComplexNumber, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
add(IComplexNumber) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
add(Number, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
add(Number) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
add(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
copy addition of two matrices
add(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
copy addition of two matrices
add(Number, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
add(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
copy addition of two matrices
add(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
copy addition of two matrices
add(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
add(IComplexNumber) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
add(IComplexNumber, IComplexNDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
add(Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Scalar addition (cloning)
add(Number, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
add(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Element-wise copy addition of two NDArrays
add(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Element-wise copy addition of two NDArrays
add(IComplexNumber) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
add(IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
add(INDArray, INDArray) - Method in class org.nd4j.linalg.dataset.api.preprocessor.stats.DistributionStats.Builder
Add rows of data to the statistics
add(INDArray, INDArray) - Method in class org.nd4j.linalg.dataset.api.preprocessor.stats.MinMaxStats.Builder
Add rows of data to the statistics
add(INDArray, INDArray) - Method in interface org.nd4j.linalg.dataset.api.preprocessor.stats.NormalizerStats.Builder
Add rows of data to the statistics
addColumnVector(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
In place addition of a column vector
addColumnVector(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
In place addition of a column vector
addColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
In place addition of a column vector
addColumnVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Addition of a column vector (copy)
addFeatures(DataSet) - Method in class org.nd4j.linalg.dataset.api.preprocessor.stats.DistributionStats.Builder
Add the features of a DataSet to the statistics
addFeatures(DataSet) - Method in class org.nd4j.linalg.dataset.api.preprocessor.stats.MinMaxStats.Builder
Add the features of a DataSet to the statistics
addFeatures(DataSet) - Method in interface org.nd4j.linalg.dataset.api.preprocessor.stats.NormalizerStats.Builder
 
addFeatureVector(INDArray) - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
addFeatureVector(INDArray, int) - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
addFeatureVector(INDArray) - Method in class org.nd4j.linalg.dataset.DataSet
Adds a feature for each example on to the current feature vector
addFeatureVector(INDArray, int) - Method in class org.nd4j.linalg.dataset.DataSet
The feature to add, and the example/row number
addi(Number, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
addi(Number) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
addi(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
in place addition of two matrices
addi(INDArray, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
in place addition of two matrices
addi(IComplexNumber, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
addi(IComplexNumber) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
addi(IComplexNumber, IComplexNDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
addi(IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
addi(IComplexNumber, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
addi(IComplexNumber) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
addi(Number, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
addi(Number) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
addi(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
in place addition of two matrices
addi(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
in place addition of two matrices
addi(Number, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
addi(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
in place addition of two matrices
addi(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
in place addition of two matrices
addi(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
addi(IComplexNumber) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
addi(IComplexNumber, IComplexNDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
addi(Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
In place scalar addition
addi(Number, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
In place addition
addi(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
in place (element wise) addition of two NDArrays
addi(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
in place (element wise) addition of two NDArrays
addi(IComplexNumber) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
addi(IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
addiColumnVector(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
In place addition of a column vector
addiColumnVector(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
In place addition of a column vector
addiColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
In place addition of a column vector
addiColumnVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
In place addition of a column vector
addiRowVector(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
In place addition of a column vector
addiRowVector(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
In place addition of a column vector
addiRowVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
In place addition of a column vector
addiRowVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
In place addition of a row vector
addLabels(DataSet) - Method in class org.nd4j.linalg.dataset.api.preprocessor.stats.DistributionStats.Builder
Add the labels of a DataSet to the statistics
addLabels(DataSet) - Method in class org.nd4j.linalg.dataset.api.preprocessor.stats.MinMaxStats.Builder
Add the labels of a DataSet to the statistics
addLabels(DataSet) - Method in interface org.nd4j.linalg.dataset.api.preprocessor.stats.NormalizerStats.Builder
Add the labels of a DataSet to the statistics
addListener(OpProfiler.OpProfilerListener) - Method in class org.nd4j.linalg.profiler.OpProfiler
dd the listener to the profiler
AddOp - Class in org.nd4j.linalg.api.ops.impl.transforms.arithmetic
Addition operation
AddOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.AddOp
 
AddOp(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.AddOp
 
AddOp(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.AddOp
 
AddOp(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.AddOp
 
AddOp(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.AddOp
 
AddOp(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.AddOp
 
addRow(DataSet, int) - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
addRow(DataSet, int) - Method in class org.nd4j.linalg.dataset.DataSet
 
addRowVector(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
In place addition of a column vector
addRowVector(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
In place addition of a column vector
addRowVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
In place addition of a column vector
addRowVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Addition of a row vector (copy)
addStrategy(NormalizerSerializerStrategy) - Method in class org.nd4j.linalg.dataset.api.preprocessor.serializer.NormalizerSerializer
Add a normalizer serializer strategy
addTime(long) - Method in class org.nd4j.linalg.profiler.data.primitives.TimeSet
 
adjustIndices(int[], INDArrayIndex...) - Static method in class org.nd4j.linalg.indexing.Indices
Prunes indices of greater length than the shape and fills in missing indices if there are any
adjustMasks(INDArray, INDArray, int, double) - Method in class org.nd4j.linalg.dataset.api.preprocessor.classimbalance.BaseUnderSamplingPreProcessor
 
AFFINITY_MANAGER - Static variable in class org.nd4j.linalg.factory.Nd4j
 
AffinityManager - Interface in org.nd4j.linalg.api.concurrency
 
affinityManager - Static variable in class org.nd4j.linalg.factory.Nd4j
 
AffinityManager.Location - Enum in org.nd4j.linalg.api.concurrency
 
affinityManagerClazz - Static variable in class org.nd4j.linalg.factory.Nd4j
 
Aggregate - Interface in org.nd4j.linalg.api.ops.aggregates
Aggregates are ops that work with custom operands, that are not limited to traditional X, Y and Z constraints.
aggregate(Aggregate) - Method in interface org.nd4j.linalg.api.ops.executioner.GridExecutioner
This method enqueues aggregate op for future invocation
aggregate(Aggregate, long) - Method in interface org.nd4j.linalg.api.ops.executioner.GridExecutioner
This method enqueues aggregate op for future invocation.
AggregateAxpy - Class in org.nd4j.linalg.api.ops.aggregates.impl
This op describes Axpy call that'll happen soon(TM) in batch mode
AggregateAxpy(INDArray, INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.aggregates.impl.AggregateAxpy
 
AggregateCBOW - Class in org.nd4j.linalg.api.ops.aggregates.impl
 
AggregateCBOW(INDArray, INDArray, INDArray, INDArray, INDArray, int, int[], int[], int[], int, int, int, double, long, int, int, boolean, INDArray) - Constructor for class org.nd4j.linalg.api.ops.aggregates.impl.AggregateCBOW
Optional constructor for ParagraphVectors PV-DM implementation
AggregateCBOW(INDArray, INDArray, INDArray, INDArray, INDArray, int, int[], int[], int[], int, int, int, double, long, int) - Constructor for class org.nd4j.linalg.api.ops.aggregates.impl.AggregateCBOW
Default constructor for CBOW implementation wrapper
AggregateDot - Class in org.nd4j.linalg.api.ops.aggregates.impl
This op describes Dot call that'll happen soon(TM) in batch mode
AggregateDot(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.aggregates.impl.AggregateDot
 
AggregateGEMM - Class in org.nd4j.linalg.api.ops.aggregates.impl
PLEASE NOTE: This op is available for CPU only, and should NOT be ever called manually, unless you know why you're using it
AggregateGEMM() - Constructor for class org.nd4j.linalg.api.ops.aggregates.impl.AggregateGEMM
 
AggregateGEMM(int, int, int, int, int, int, double, INDArray, int, INDArray, int, double, INDArray, int) - Constructor for class org.nd4j.linalg.api.ops.aggregates.impl.AggregateGEMM
 
AggregateSkipGram - Class in org.nd4j.linalg.api.ops.aggregates.impl
This aggregate encapsulates AggregateSkipGram training round for a given word and context
AggregateSkipGram(INDArray, INDArray, INDArray, INDArray, INDArray, int, int[], int[], int, int, int, double, long, int, INDArray) - Constructor for class org.nd4j.linalg.api.ops.aggregates.impl.AggregateSkipGram
 
AggregateSkipGram(INDArray, INDArray, INDArray, INDArray, INDArray, int, int[], int[], int, int, int, double, long, int) - Constructor for class org.nd4j.linalg.api.ops.aggregates.impl.AggregateSkipGram
 
AggregateSkipGram(int, int, int[], int[], int, double, int) - Constructor for class org.nd4j.linalg.api.ops.aggregates.impl.AggregateSkipGram
This is special signature suitable for use with VoidParameterServer, never ever use it outside of spark-nlp
all() - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
Represents collecting all elements
allCosineDistances(INDArray, INDArray, int...) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
allCosineSimilarities(INDArray, INDArray, int...) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
allEuclideanDistances(INDArray, INDArray, int...) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
allFor(INDArray) - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
Generate an all index equal to the rank of the given array
allManhattanDistances(INDArray, INDArray, int...) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
alloc - Static variable in class org.nd4j.linalg.factory.Nd4j
 
alloc(long, DataBuffer.Type, boolean) - Method in class org.nd4j.linalg.memory.abstracts.DummyWorkspace
This method does allocation from a given Workspace
alloc(long, MemoryKind, DataBuffer.Type, boolean) - Method in class org.nd4j.linalg.memory.abstracts.DummyWorkspace
This method does allocation from a given Workspace
alloc(long, DataBuffer.Type, boolean) - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
alloc(long, MemoryKind, DataBuffer.Type, boolean) - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
allocate(long, MemoryKind, boolean) - Method in class org.nd4j.linalg.memory.BasicMemoryManager
This method returns PLEASE NOTE: Cache options depend on specific implementations
allocate(long, MemoryKind, boolean) - Method in interface org.nd4j.linalg.memory.MemoryManager
This method returns pointer to allocated memory PLEASE NOTE: Cache options depend on specific implementations
allowCrossDeviceAccess(boolean) - Method in interface org.nd4j.linalg.api.concurrency.AffinityManager
This method allows to block cross-device access.
allowCrossDeviceAccess(boolean) - Method in class org.nd4j.linalg.api.concurrency.BasicAffinityManager
 
allowsSpecifyOrdering() - Static method in class org.nd4j.linalg.factory.Nd4j
Backend specific: Returns whether specifying the order for the blas impl is allowed (cblas)
amax(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
amax(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the absolute overall max of this ndarray along given dimensions
AMax - Class in org.nd4j.linalg.api.ops.impl.accum
Calculate the absolute max over a vector
AMax() - Constructor for class org.nd4j.linalg.api.ops.impl.accum.AMax
 
AMax(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.AMax
 
AMax(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.AMax
 
AMax(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.AMax
 
amaxNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
amaxNumber() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns maximum (absolute) value in this INDArray
amean(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
amean(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the absolute overall mean of this ndarray
AMean - Class in org.nd4j.linalg.api.ops.impl.accum
Calculate the absolute mean of the given vector
AMean() - Constructor for class org.nd4j.linalg.api.ops.impl.accum.AMean
 
AMean(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.AMean
 
AMean(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.AMean
 
AMean(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.AMean
 
AMean(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.AMean
 
AMean(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.AMean
 
ameanNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
ameanNumber() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the absolute overall mean of this ndarray
amin(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
amin(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns minimum (absolute) value in this INDArray, along the specified dimensions
AMin - Class in org.nd4j.linalg.api.ops.impl.accum
Calculate the absolute minimum over a vector
AMin() - Constructor for class org.nd4j.linalg.api.ops.impl.accum.AMin
 
AMin(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.AMin
 
AMin(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.AMin
 
AMin(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.AMin
 
AMin(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.AMin
 
aminNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
aminNumber() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns absolute min value in this INDArray
And - Class in org.nd4j.linalg.api.ops.impl.transforms
Boolean AND pairwise transform
And() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.And
 
And(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.And
 
And(INDArray, INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.And
 
And(INDArray, INDArray, INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.And
 
And(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.And
 
And(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.And
 
And(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.And
 
And(INDArray, INDArray, INDArray, Number, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.And
 
and(IComplexNDArray, Condition) - Static method in class org.nd4j.linalg.indexing.BooleanIndexing
And
and(INDArray, Condition) - Static method in class org.nd4j.linalg.indexing.BooleanIndexing
And over the whole ndarray given some condition
and(INDArray, Condition, int...) - Static method in class org.nd4j.linalg.indexing.BooleanIndexing
And over the whole ndarray given some condition, with respect to dimensions
And - Class in org.nd4j.linalg.indexing.conditions
Created by agibsonccc on 10/9/14.
And(Condition...) - Constructor for class org.nd4j.linalg.indexing.conditions.And
 
and(Condition...) - Method in class org.nd4j.linalg.indexing.conditions.ConditionBuilder
 
and(INDArray, INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
append(T) - Method in class org.nd4j.linalg.api.ops.aggregates.Batch
This method tries to append aggregate to the current batch, if it has free room
append(INDArray, int, double, int) - Static method in class org.nd4j.linalg.factory.Nd4j
Append the given array with the specified value size along a particular axis
appendBias(INDArray...) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Merge the vectors and append a bias.
appendBias(INDArray...) - Static method in class org.nd4j.linalg.factory.Nd4j
 
appendBias(INDArray...) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
apply(Condition, Function<Number, Number>) - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
apply(Condition, Function<Number, Number>) - Method in class org.nd4j.linalg.dataset.DataSet
 
apply(Number) - Method in class org.nd4j.linalg.indexing.conditions.AbsValueGreaterOrEqualsThan
 
apply(IComplexNumber) - Method in class org.nd4j.linalg.indexing.conditions.AbsValueGreaterOrEqualsThan
 
apply(Number) - Method in class org.nd4j.linalg.indexing.conditions.AbsValueGreaterThan
 
apply(IComplexNumber) - Method in class org.nd4j.linalg.indexing.conditions.AbsValueGreaterThan
 
apply(Number) - Method in class org.nd4j.linalg.indexing.conditions.AbsValueLessOrEqualsThan
 
apply(IComplexNumber) - Method in class org.nd4j.linalg.indexing.conditions.AbsValueLessOrEqualsThan
 
apply(Number) - Method in class org.nd4j.linalg.indexing.conditions.AbsValueLessThan
 
apply(IComplexNumber) - Method in class org.nd4j.linalg.indexing.conditions.AbsValueLessThan
 
apply(Number) - Method in class org.nd4j.linalg.indexing.conditions.And
 
apply(IComplexNumber) - Method in class org.nd4j.linalg.indexing.conditions.And
 
apply(Number) - Method in interface org.nd4j.linalg.indexing.conditions.Condition
 
apply(IComplexNumber) - Method in interface org.nd4j.linalg.indexing.conditions.Condition
 
apply(Number) - Method in class org.nd4j.linalg.indexing.conditions.ConditionEquals
 
apply(IComplexNumber) - Method in class org.nd4j.linalg.indexing.conditions.ConditionEquals
 
apply(Number) - Method in class org.nd4j.linalg.indexing.conditions.EpsilonEquals
 
apply(IComplexNumber) - Method in class org.nd4j.linalg.indexing.conditions.EpsilonEquals
 
apply(Number) - Method in class org.nd4j.linalg.indexing.conditions.EpsilonNotEquals
 
apply(IComplexNumber) - Method in class org.nd4j.linalg.indexing.conditions.EpsilonNotEquals
 
apply(Number) - Method in class org.nd4j.linalg.indexing.conditions.EqualsCondition
 
apply(IComplexNumber) - Method in class org.nd4j.linalg.indexing.conditions.EqualsCondition
 
apply(Number) - Method in class org.nd4j.linalg.indexing.conditions.GreaterThan
 
apply(IComplexNumber) - Method in class org.nd4j.linalg.indexing.conditions.GreaterThan
 
apply(Number) - Method in class org.nd4j.linalg.indexing.conditions.GreaterThanOrEqual
 
apply(IComplexNumber) - Method in class org.nd4j.linalg.indexing.conditions.GreaterThanOrEqual
 
apply(Number) - Method in class org.nd4j.linalg.indexing.conditions.IsInfinite
 
apply(IComplexNumber) - Method in class org.nd4j.linalg.indexing.conditions.IsInfinite
 
apply(Number) - Method in class org.nd4j.linalg.indexing.conditions.IsNaN
 
apply(IComplexNumber) - Method in class org.nd4j.linalg.indexing.conditions.IsNaN
 
apply(Number) - Method in class org.nd4j.linalg.indexing.conditions.LessThan
 
apply(IComplexNumber) - Method in class org.nd4j.linalg.indexing.conditions.LessThan
 
apply(Number) - Method in class org.nd4j.linalg.indexing.conditions.LessThanOrEqual
 
apply(IComplexNumber) - Method in class org.nd4j.linalg.indexing.conditions.LessThanOrEqual
 
apply(Number) - Method in class org.nd4j.linalg.indexing.conditions.Not
 
apply(IComplexNumber) - Method in class org.nd4j.linalg.indexing.conditions.Not
 
apply(Number) - Method in class org.nd4j.linalg.indexing.conditions.NotEqualsCondition
 
apply(IComplexNumber) - Method in class org.nd4j.linalg.indexing.conditions.NotEqualsCondition
 
apply(Number) - Method in class org.nd4j.linalg.indexing.conditions.Or
 
apply(IComplexNumber) - Method in class org.nd4j.linalg.indexing.conditions.Or
 
apply(Number) - Method in class org.nd4j.linalg.indexing.functions.Identity
 
apply(Number) - Method in class org.nd4j.linalg.indexing.functions.StableNumber
 
apply(Number) - Method in class org.nd4j.linalg.indexing.functions.Value
 
apply(Number) - Method in class org.nd4j.linalg.indexing.functions.Zero
 
applyFinalTransform() - Method in interface org.nd4j.linalg.api.ops.Accumulation
Whether to apply the final transform or not
applyFinalTransform - Variable in class org.nd4j.linalg.api.ops.BaseAccumulation
 
applyFinalTransform() - Method in class org.nd4j.linalg.api.ops.BaseAccumulation
 
applyMask(INDArray, INDArray) - Static method in class org.nd4j.linalg.lossfunctions.LossUtil
 
applySchedules(int, double) - Method in class org.nd4j.linalg.learning.config.AdaDelta
 
applySchedules(int, double) - Method in class org.nd4j.linalg.learning.config.AdaGrad
 
applySchedules(int, double) - Method in class org.nd4j.linalg.learning.config.Adam
 
applySchedules(int, double) - Method in class org.nd4j.linalg.learning.config.AdaMax
 
applySchedules(int, double) - Method in interface org.nd4j.linalg.learning.config.IUpdater
Apply the new learning rate and any other schedules
applySchedules(int, double) - Method in class org.nd4j.linalg.learning.config.Nadam
 
applySchedules(int, double) - Method in class org.nd4j.linalg.learning.config.Nesterovs
 
applySchedules(int, double) - Method in class org.nd4j.linalg.learning.config.NoOp
 
applySchedules(int, double) - Method in class org.nd4j.linalg.learning.config.RmsProp
 
applySchedules(int, double) - Method in class org.nd4j.linalg.learning.config.Sgd
 
applyUpdater(INDArray, int) - Method in class org.nd4j.linalg.learning.AdaDeltaUpdater
Get the updated gradient for the given gradient and also update the state of ada delta.
applyUpdater(INDArray, int) - Method in class org.nd4j.linalg.learning.AdaGradUpdater
Gets feature specific learning rates Adagrad keeps a history of gradients being passed in.
applyUpdater(INDArray, int) - Method in class org.nd4j.linalg.learning.AdaMaxUpdater
Calculate the update based on the given gradient
applyUpdater(INDArray, int) - Method in class org.nd4j.linalg.learning.AdamUpdater
Calculate the update based on the given gradient
applyUpdater(INDArray, int) - Method in interface org.nd4j.linalg.learning.GradientUpdater
Modify the gradient to be an update.
applyUpdater(INDArray, int) - Method in class org.nd4j.linalg.learning.NadamUpdater
Calculate the update based on the given gradient
applyUpdater(INDArray, int) - Method in class org.nd4j.linalg.learning.NesterovsUpdater
Get the nesterov update
applyUpdater(INDArray, int) - Method in class org.nd4j.linalg.learning.NoOpUpdater
 
applyUpdater(INDArray, int) - Method in class org.nd4j.linalg.learning.RmsPropUpdater
 
applyUpdater(INDArray, int) - Method in class org.nd4j.linalg.learning.SgdUpdater
 
applyWhere(INDArray, Condition, Function<Number, Number>) - Static method in class org.nd4j.linalg.indexing.BooleanIndexing
Based on the matching elements op to based on condition to with function function
applyWhere(INDArray, Condition, Number) - Static method in class org.nd4j.linalg.indexing.BooleanIndexing
This method sets provided number to all elements which match specified condition
applyWhere(INDArray, Condition, Function<Number, Number>, Function<Number, Number>) - Static method in class org.nd4j.linalg.indexing.BooleanIndexing
Based on the matching elements op to based on condition to with function function
applyWhere(IComplexNDArray, Condition, Function<IComplexNumber, IComplexNumber>) - Static method in class org.nd4j.linalg.indexing.BooleanIndexing
Based on the matching elements op to based on condition to with function function
arange(double, double) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Array of evenly spaced values.
arange(double, double) - Static method in class org.nd4j.linalg.factory.Nd4j
Array of evenly spaced values.
arange(double) - Static method in class org.nd4j.linalg.factory.Nd4j
Array of evenly spaced values.
arange(double, double) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Array of evenly spaced values.
argMax(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
This method returns index of highest value along specified dimension(s)
argMax(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
This method returns index of highest value along specified dimension(s)
argMax(INDArray, int...) - Static method in class org.nd4j.linalg.factory.Nd4j
 
arguments - Variable in class org.nd4j.linalg.api.ops.aggregates.BaseAggregate
 
ArrayDescriptor - Class in org.nd4j.linalg.cache
This is utility class, made to compare java arrays for caching purposes.
ArrayDescriptor(int[]) - Constructor for class org.nd4j.linalg.cache.ArrayDescriptor
 
ArrayDescriptor(float[]) - Constructor for class org.nd4j.linalg.cache.ArrayDescriptor
 
ArrayDescriptor(double[]) - Constructor for class org.nd4j.linalg.cache.ArrayDescriptor
 
ArrayDescriptor(long[]) - Constructor for class org.nd4j.linalg.cache.ArrayDescriptor
 
arrayOrdering - Variable in class org.nd4j.linalg.api.ndarray.BaseNDArrayProxy
 
arrayShape - Variable in class org.nd4j.linalg.api.ndarray.BaseNDArrayProxy
This is a proxy class so that ndarrays can be serialized and deserialized independent of the backend Be it cpu or gpu
ASin - Class in org.nd4j.linalg.api.ops.impl.transforms
Arcsin elementwise function
ASin() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ASin
 
ASin(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ASin
 
ASin(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ASin
 
ASin(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ASin
 
ASin(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ASin
 
asin(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
asin(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
asin(IComplexNumber) - Static method in class org.nd4j.linalg.util.ComplexUtil
Return the sin value of the given complex number
ASinh - Class in org.nd4j.linalg.api.ops.impl.transforms
Arcsin elementwise function
ASinh() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ASinh
 
ASinh(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ASinh
 
ASinh(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ASinh
 
ASinh(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ASinh
 
ASinh(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ASinh
 
asList() - Method in interface org.nd4j.linalg.dataset.api.DataSet
Extract each example in the DataSet into its own DataSet object, and return all of them as a list
asList() - Method in interface org.nd4j.linalg.dataset.api.MultiDataSet
Split the MultiDataSet into a list of individual examples.
asList() - Method in class org.nd4j.linalg.dataset.DataSet
 
asList() - Method in class org.nd4j.linalg.dataset.MultiDataSet
 
asPercentageString() - Method in class org.nd4j.linalg.profiler.data.StringAggregator
 
assertColumns(INDArray, INDArray) - Static method in class org.nd4j.linalg.util.LinAlgExceptions
 
assertDouble(INDArray...) - Static method in class org.nd4j.linalg.factory.DataTypeValidation
 
assertDouble(INDArray) - Static method in class org.nd4j.linalg.factory.DataTypeValidation
 
assertFloat(INDArray...) - Static method in class org.nd4j.linalg.factory.DataTypeValidation
 
assertFloat(INDArray) - Static method in class org.nd4j.linalg.factory.DataTypeValidation
 
assertMatrix(INDArray...) - Static method in class org.nd4j.linalg.util.LinAlgExceptions
 
assertMatrix(INDArray) - Static method in class org.nd4j.linalg.util.LinAlgExceptions
 
assertMultiplies(INDArray, INDArray) - Static method in class org.nd4j.linalg.util.LinAlgExceptions
Asserts matrix multiply rules (columns of left == rows of right or rows of left == columns of right)
assertRows(INDArray, INDArray) - Static method in class org.nd4j.linalg.util.LinAlgExceptions
 
assertSameDataType(INDArray...) - Static method in class org.nd4j.linalg.factory.DataTypeValidation
 
assertSameLength(INDArray, INDArray) - Static method in class org.nd4j.linalg.util.LinAlgExceptions
Asserts both arrays be the same length
assertSameShape(INDArray, INDArray) - Static method in class org.nd4j.linalg.util.LinAlgExceptions
 
assertShapeLessThan(int[], int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
Assert the both shapes are the same length and shape[i] < lessThan[i]
assertSlice(INDArray, int) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
assertValidNum(INDArray) - Static method in class org.nd4j.linalg.util.LinAlgExceptions
 
assertVector(INDArray...) - Static method in class org.nd4j.linalg.util.LinAlgExceptions
 
assertVector(INDArray) - Static method in class org.nd4j.linalg.util.LinAlgExceptions
 
assign(IComplexNDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Assign all of the elements in the given ndarray to this ndarray
assign(IComplexNumber) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
assign(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Assign all of the elements in the given ndarray to this nedarray
assign(Number) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Set the value of the ndarray to the specified value
assign(IComplexNDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Assign all of the elements in the given ndarray to this nedarray
assign(Number) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Set the value of the ndarray to the specified value
assign(IComplexNumber) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
assign(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Assign all of the elements in the given ndarray to this ndarray
assign(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Set the value of the ndarray to the specified value
assign(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Assign all of the elements in the given ndarray to this ndarray
assign(Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Set all entries of the ndarray to the specified value
assignIf(INDArray, Condition) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Assign all elements from given ndarray that are matching given condition, ndarray to this ndarray
assignIf(INDArray, Condition) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Assign all elements from given ndarray that are matching given condition, ndarray to this ndarray
assignIf(INDArray, INDArray, Condition) - Static method in class org.nd4j.linalg.indexing.BooleanIndexing
This method does element-wise assing for 2 equal-sized matrices, for each element that matches Condition
asString() - Method in class org.nd4j.linalg.profiler.data.StringAggregator
 
asString() - Method in class org.nd4j.linalg.profiler.data.StringCounter
 
asum(INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
computes the sum of magnitudes of all vector elements or, for a complex vector x, the sum
asum(int, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
asum(IComplexNDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
computes the sum of magnitudes of all vector elements or, for a complex vector x, the sum
asum(INDArray) - Method in interface org.nd4j.linalg.api.blas.Level1
computes the sum of magnitudes of all vector elements or, for a complex vector x, the sum
asum(int, DataBuffer, int, int) - Method in interface org.nd4j.linalg.api.blas.Level1
sum of magnitudes of all elements
asum(IComplexNDArray) - Method in interface org.nd4j.linalg.api.blas.Level1
computes the sum of magnitudes of all vector elements or, for a complex vector x, the sum
ASum - Class in org.nd4j.linalg.api.ops.impl.accum
Absolute sum the components
ASum() - Constructor for class org.nd4j.linalg.api.ops.impl.accum.ASum
 
ASum(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.ASum
 
ASum(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.ASum
 
ASum(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.ASum
 
ASum(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.ASum
 
asum(INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
asum(IComplexNDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
asum(INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Compute || x ||_1 (1-norm, sum of absolute values)
asum(IComplexNDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
 
asyncSupported() - Method in class org.nd4j.linalg.dataset.api.iterator.BaseDatasetIterator
 
asyncSupported() - Method in class org.nd4j.linalg.dataset.api.iterator.CachingDataSetIterator
 
asyncSupported() - Method in interface org.nd4j.linalg.dataset.api.iterator.DataSetIterator
Does this DataSetIterator support asynchronous prefetching of multiple DataSet objects? Most DataSetIterators do, but in some cases it may not make sense to wrap this iterator in an iterator that does asynchronous prefetching.
asyncSupported() - Method in class org.nd4j.linalg.dataset.api.iterator.KFoldIterator
 
asyncSupported() - Method in interface org.nd4j.linalg.dataset.api.iterator.MultiDataSetIterator
Does this MultiDataSetIterator support asynchronous prefetching of multiple MultiDataSet objects? Most MultiDataSetIterators do, but in some cases it may not make sense to wrap this iterator in an iterator that does asynchronous prefetching.
asyncSupported() - Method in class org.nd4j.linalg.dataset.api.iterator.MultipleEpochsIterator
Deprecated.
 
asyncSupported() - Method in class org.nd4j.linalg.dataset.api.iterator.SamplingDataSetIterator
 
asyncSupported() - Method in class org.nd4j.linalg.dataset.api.iterator.TestDataSetIterator
 
asyncSupported() - Method in class org.nd4j.linalg.dataset.api.iterator.TestMultiDataSetIterator
 
asyncSupported() - Method in class org.nd4j.linalg.dataset.ExistingMiniBatchDataSetIterator
 
asyncSupported() - Method in class org.nd4j.linalg.dataset.MiniBatchFileDataSetIterator
 
asyncSupported() - Method in class org.nd4j.linalg.dataset.ViewIterator
 
ATan - Class in org.nd4j.linalg.api.ops.impl.transforms
Arc Tangent elementwise function
ATan() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ATan
 
ATan(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ATan
 
ATan(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ATan
 
ATan(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ATan
 
ATan(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ATan
 
atan(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
atan(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
atan(IComplexNumber) - Static method in class org.nd4j.linalg.util.ComplexUtil
Return the sin value of the given complex number
atan2(INDArray, INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Atan2 operation, new INDArray instance will be returned
Atan2Op - Class in org.nd4j.linalg.api.ops.impl.transforms.arithmetic
atan2 operation
Atan2Op() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.Atan2Op
 
Atan2Op(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.Atan2Op
 
Atan2Op(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.Atan2Op
 
Atan2Op(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.Atan2Op
 
ATanh - Class in org.nd4j.linalg.api.ops.impl.transforms
tan elementwise function
ATanh() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ATanh
 
ATanh(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ATanh
 
ATanh(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ATanh
 
ATanh(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ATanh
 
ATanh(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ATanh
 
ATanh(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ATanh
 
atanh(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Sin function
atanh(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Sin function
AtomicThrowable - Class in org.nd4j.linalg.util
This class provides thread-safe holder for Throwable
AtomicThrowable() - Constructor for class org.nd4j.linalg.util.AtomicThrowable
This method creates new instance
AtomicThrowable(Exception) - Constructor for class org.nd4j.linalg.util.AtomicThrowable
This method creates new instance with given initial state
attachThread(int) - Method in interface org.nd4j.linalg.dataset.api.iterator.ParallelDataSetIterator
This method sets consumer affinity to specific producer PLEASE NOTE: this method is optional, and it'll change only nextFor()/hasNextFor() mechanics
attachThread(int) - Method in interface org.nd4j.linalg.dataset.api.iterator.ParallelMultiDataSetIterator
This method sets consumer affinity to specific producer PLEASE NOTE: this method is optional, and it'll change only nextFor()/hasNextFor() mechanics
attachThreadToDevice(Thread, Integer) - Method in interface org.nd4j.linalg.api.concurrency.AffinityManager
This method attaches specified thread to specified device
attachThreadToDevice(long, Integer) - Method in interface org.nd4j.linalg.api.concurrency.AffinityManager
This method attaches specified thread (by Id) to specified device
attachThreadToDevice(Thread, Integer) - Method in class org.nd4j.linalg.api.concurrency.BasicAffinityManager
 
attachThreadToDevice(long, Integer) - Method in class org.nd4j.linalg.api.concurrency.BasicAffinityManager
 
autoDecompress(INDArray...) - Method in class org.nd4j.linalg.compression.BasicNDArrayCompressor
Decompress several ndarrays
autoDecompress(INDArray) - Method in class org.nd4j.linalg.compression.BasicNDArrayCompressor
 
average(INDArray, INDArray[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
This method averages input arrays, and returns averaged array
average(INDArray[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
This method averages input arrays, and returns averaged array
average(Collection<INDArray>) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
This method averages input arrays, and returns averaged array
average(INDArray, Collection<INDArray>) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
This method averages input arrays, and returns averaged array
averageAndPropagate(INDArray, INDArray[]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method averages input arrays, and returns averaged array.
averageAndPropagate(INDArray[]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method averages input arrays, and returns averaged array.
averageAndPropagate(Collection<INDArray>) - Static method in class org.nd4j.linalg.factory.Nd4j
This method averages input arrays, and returns averaged array.
averageAndPropagate(INDArray, Collection<INDArray>) - Static method in class org.nd4j.linalg.factory.Nd4j
This method averages input arrays, and returns averaged array.
averageLoopTime - Variable in class org.nd4j.linalg.memory.BasicMemoryManager
 
averagingEnabled - Variable in class org.nd4j.linalg.memory.BasicMemoryManager
 
axpy(int, double, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
computes a vector-scalar product and adds the result to a vector.
axpy(int, double, DataBuffer, int, int, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
axpy(int, IComplexNumber, IComplexNDArray, IComplexNDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
computes a vector-scalar product and adds the result to a vector.
axpy(int, double, INDArray, INDArray) - Method in interface org.nd4j.linalg.api.blas.Level1
computes a vector-scalar product and adds the result to a vector.
axpy(int, double, DataBuffer, int, int, DataBuffer, int, int) - Method in interface org.nd4j.linalg.api.blas.Level1
computes a vector-scalar product and adds the result to a vector.
axpy(int, IComplexNumber, IComplexNDArray, IComplexNDArray) - Method in interface org.nd4j.linalg.api.blas.Level1
computes a vector-scalar product and adds the result to a vector.
Axpy - Class in org.nd4j.linalg.api.ops.impl.transforms.arithmetic
Level 1 blas op Axpy as libnd4j native op
Axpy() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.Axpy
 
Axpy(INDArray, INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.Axpy
 
Axpy(INDArray, INDArray, double, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.Axpy
 
Axpy(INDArray, INDArray, INDArray, double, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.Axpy
 
axpy(Number, INDArray, INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
axpy(double, INDArray, INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
axpy(float, INDArray, INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
axpy(IComplexNumber, IComplexNDArray, IComplexNDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
axpy(double, INDArray, INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Deprecated.
axpy(float, INDArray, INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Deprecated.
axpy(Number, INDArray, INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Compute y <- y + x * alpha
axpy(IComplexNumber, IComplexNDArray, IComplexNDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
 

B

backend - Static variable in class org.nd4j.linalg.factory.Nd4j
 
BACKEND_KEY - Static variable in class org.nd4j.linalg.api.environment.Nd4jEnvironment
 
backingMap - Variable in class org.nd4j.linalg.memory.provider.BasicWorkspaceManager
 
backprop(INDArray, INDArray) - Method in interface org.nd4j.linalg.activations.IActivation
Backpropagate the errors through the activation function, given input z and epsilon dL/da.
Returns 2 INDArrays:
(a) The gradient dL/dz, calculated from dL/da, and
(b) The parameter gradients dL/dw, where w is the weights in the activation function.
backprop(INDArray, INDArray) - Method in class org.nd4j.linalg.activations.impl.ActivationCube
 
backprop(INDArray, INDArray) - Method in class org.nd4j.linalg.activations.impl.ActivationELU
 
backprop(INDArray, INDArray) - Method in class org.nd4j.linalg.activations.impl.ActivationHardSigmoid
 
backprop(INDArray, INDArray) - Method in class org.nd4j.linalg.activations.impl.ActivationHardTanH
 
backprop(INDArray, INDArray) - Method in class org.nd4j.linalg.activations.impl.ActivationIdentity
 
backprop(INDArray, INDArray) - Method in class org.nd4j.linalg.activations.impl.ActivationLReLU
 
backprop(INDArray, INDArray) - Method in class org.nd4j.linalg.activations.impl.ActivationRationalTanh
 
backprop(INDArray, INDArray) - Method in class org.nd4j.linalg.activations.impl.ActivationRectifiedTanh
 
backprop(INDArray, INDArray) - Method in class org.nd4j.linalg.activations.impl.ActivationReLU
 
backprop(INDArray, INDArray) - Method in class org.nd4j.linalg.activations.impl.ActivationRReLU
 
backprop(INDArray, INDArray) - Method in class org.nd4j.linalg.activations.impl.ActivationSELU
 
backprop(INDArray, INDArray) - Method in class org.nd4j.linalg.activations.impl.ActivationSigmoid
 
backprop(INDArray, INDArray) - Method in class org.nd4j.linalg.activations.impl.ActivationSoftmax
 
backprop(INDArray, INDArray) - Method in class org.nd4j.linalg.activations.impl.ActivationSoftPlus
 
backprop(INDArray, INDArray) - Method in class org.nd4j.linalg.activations.impl.ActivationSoftSign
 
backprop(INDArray, INDArray) - Method in class org.nd4j.linalg.activations.impl.ActivationTanH
 
balance() - Method in class org.nd4j.linalg.dataset.BalanceMinibatches
Generate a balanced dataset minibatch fileset.
BalanceMinibatches - Class in org.nd4j.linalg.dataset
Auto balance mini batches by label.
BalanceMinibatches() - Constructor for class org.nd4j.linalg.dataset.BalanceMinibatches
 
BaseAccumulation - Class in org.nd4j.linalg.api.ops
Base class for accumulation, initiates the initial entry with respect to the child class.
BaseAccumulation() - Constructor for class org.nd4j.linalg.api.ops.BaseAccumulation
 
BaseAccumulation(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.BaseAccumulation
Initialize with the given input, pairwise transform, result, and number of elements
BaseAccumulation(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.BaseAccumulation
 
BaseAccumulation(INDArray) - Constructor for class org.nd4j.linalg.api.ops.BaseAccumulation
 
BaseAccumulation(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.BaseAccumulation
 
BaseActivationFunction - Class in org.nd4j.linalg.activations
Base IActivation for activation functions without parameters
BaseActivationFunction() - Constructor for class org.nd4j.linalg.activations.BaseActivationFunction
 
BaseAggregate - Class in org.nd4j.linalg.api.ops.aggregates
 
BaseAggregate() - Constructor for class org.nd4j.linalg.api.ops.aggregates.BaseAggregate
 
BaseBlasWrapper - Class in org.nd4j.linalg.factory
Base implementation of a blas wrapper that delegates things to the underlying level.
BaseBlasWrapper() - Constructor for class org.nd4j.linalg.factory.BaseBlasWrapper
 
BaseBroadcastOp - Class in org.nd4j.linalg.api.ops
 
BaseBroadcastOp(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.BaseBroadcastOp
 
BaseComplexNDArray - Class in org.nd4j.linalg.api.complex
ComplexNDArray for complex numbers.
BaseComplexNDArray() - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
BaseComplexNDArray(DataBuffer, int[], int[]) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
BaseComplexNDArray(float[]) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
BaseComplexNDArray(DataBuffer, int[], int[], long, char) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
BaseComplexNDArray(float[], int[], char) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
Create this ndarray with the given data and shape and 0 offset
BaseComplexNDArray(int[], long, char) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
BaseComplexNDArray(int[]) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
BaseComplexNDArray(float[], int[], int[], char) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
BaseComplexNDArray(int[], char) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
BaseComplexNDArray(INDArray, int[], char) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
Initialize the given ndarray as the real component
BaseComplexNDArray(INDArray, char) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
Construct a complex matrix from a realComponent matrix.
BaseComplexNDArray(INDArray) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
Construct a complex matrix from a realComponent matrix.
BaseComplexNDArray(INDArray, int[]) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
Create with the specified ndarray as the real component and the given stride
BaseComplexNDArray(List<IComplexNDArray>, int[], int[]) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
Create an ndarray from the specified slices and the given shape
BaseComplexNDArray(List<IComplexNDArray>, int[], int[], char) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
Create an ndarray from the specified slices and the given shape
BaseComplexNDArray(List<IComplexNDArray>, int[], char) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
Create an ndarray from the specified slices and the given shape
BaseComplexNDArray(float[], int[], int[], long, Character) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
BaseComplexNDArray(DataBuffer) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
BaseComplexNDArray(DataBuffer, int[], int[], long) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
BaseComplexNDArray(IComplexNumber[], int[], int[], long, char) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
BaseComplexNDArray(DataBuffer, int[]) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
BaseComplexNDArray(IComplexNumber[], int[], int[], long) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
BaseComplexNDArray(IComplexNumber[], int[], long, char) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
BaseComplexNDArray(DataBuffer, int[], long, char) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
BaseComplexNDArray(DataBuffer, int[], long) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
BaseComplexNDArray(float[], Character) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
BaseComplexNDArray(List<IComplexNDArray>, int[]) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
Create an ndarray from the specified slices and the given shape
BaseComplexNDArray(IComplexNumber[], int[]) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
Create a complex ndarray with the given complex doubles.
BaseComplexNDArray(IComplexNumber[], int[], int[]) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
Create a complex ndarray with the given complex doubles.
BaseComplexNDArray(IComplexNumber[], int[], char) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
Create a complex ndarray with the given complex doubles.
BaseComplexNDArray(float[], int[], int[]) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
Initialize with the given data,shape and stride
BaseComplexNDArray(float[], int[]) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
BaseComplexNDArray(float[], int[], long, char) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
BaseComplexNDArray(float[], int[], long) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
BaseComplexNDArray(int[], int[], long) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
Construct an ndarray of the specified shape with an empty data array
BaseComplexNDArray(int[], int[], long, char) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
Construct an ndarray of the specified shape with an empty data array
BaseComplexNDArray(int[], int[], char) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
Create the ndarray with the specified shape and stride and an offset of 0
BaseComplexNDArray(int[], int[]) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
Create the ndarray with the specified shape and stride and an offset of 0
BaseComplexNDArray(int[], long) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
BaseComplexNDArray(int, int) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
Creates a new n times m ComplexDoubleMatrix.
BaseComplexNDArray(int, int, char) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
Creates a new n times m ComplexDoubleMatrix.
BaseComplexNDArray(float[], int[], int[], long) - Constructor for class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
BaseCondition - Class in org.nd4j.linalg.indexing.conditions
Created by agibsonccc on 10/8/14.
BaseCondition(Number) - Constructor for class org.nd4j.linalg.indexing.conditions.BaseCondition
 
BaseCondition(IComplexNumber) - Constructor for class org.nd4j.linalg.indexing.conditions.BaseCondition
 
BaseConvolution - Class in org.nd4j.linalg.convolution
Base convolution implementation
BaseConvolution() - Constructor for class org.nd4j.linalg.convolution.BaseConvolution
 
BaseDataFetcher - Class in org.nd4j.linalg.dataset.api.iterator.fetcher
A base class for assisting with creation of matrices with the data transform fetcher
BaseDataFetcher() - Constructor for class org.nd4j.linalg.dataset.api.iterator.fetcher.BaseDataFetcher
 
BaseDatasetIterator - Class in org.nd4j.linalg.dataset.api.iterator
Baseline implementation includes control over the data fetcher and some basic getters for metadata
BaseDatasetIterator(int, int, DataSetFetcher) - Constructor for class org.nd4j.linalg.dataset.api.iterator.BaseDatasetIterator
 
BaseDistribution - Class in org.nd4j.linalg.api.rng.distribution
Base distribution derived from apache commons math http://commons.apache.org/proper/commons-math/

(specifically the org.apache.commons.math3.distribution.AbstractRealDistribution

BaseDistribution(Random) - Constructor for class org.nd4j.linalg.api.rng.distribution.BaseDistribution
 
BaseDistribution() - Constructor for class org.nd4j.linalg.api.rng.distribution.BaseDistribution
 
BaseFFTInstance - Class in org.nd4j.linalg.fft
Abstract FFT Instance mostly handling basic things that shouldn't change such as method overloading.
BaseFFTInstance() - Constructor for class org.nd4j.linalg.fft.BaseFFTInstance
 
BaseGridOp - Class in org.nd4j.linalg.api.ops.impl.grid
 
BaseGridOp() - Constructor for class org.nd4j.linalg.api.ops.impl.grid.BaseGridOp
 
BaseGridOp(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.grid.BaseGridOp
 
BaseGridOp(Op...) - Constructor for class org.nd4j.linalg.api.ops.impl.grid.BaseGridOp
 
BaseGridOp(OpDescriptor...) - Constructor for class org.nd4j.linalg.api.ops.impl.grid.BaseGridOp
 
BaseGridOp(GridPointers...) - Constructor for class org.nd4j.linalg.api.ops.impl.grid.BaseGridOp
 
BaseGridOp(List<Op>) - Constructor for class org.nd4j.linalg.api.ops.impl.grid.BaseGridOp
 
BaseIndexAccumulation - Class in org.nd4j.linalg.api.ops
 
BaseIndexAccumulation() - Constructor for class org.nd4j.linalg.api.ops.BaseIndexAccumulation
 
BaseIndexAccumulation(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.BaseIndexAccumulation
Initialize with the given input, pairwise transform, result, and number of elements
BaseIndexAccumulation(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.BaseIndexAccumulation
 
BaseIndexAccumulation(INDArray) - Constructor for class org.nd4j.linalg.api.ops.BaseIndexAccumulation
 
BaseIndexAccumulation(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.BaseIndexAccumulation
 
BaseLapack - Class in org.nd4j.linalg.api.blas.impl
Base lapack define float and double versions.
BaseLapack() - Constructor for class org.nd4j.linalg.api.blas.impl.BaseLapack
 
BaseLevel - Class in org.nd4j.linalg.api.blas.impl
Provides auxillary methods for blas to databuffer interactions
BaseLevel() - Constructor for class org.nd4j.linalg.api.blas.impl.BaseLevel
 
BaseLevel1 - Class in org.nd4j.linalg.api.blas.impl
Base class for level 1 functions, abstract headers pulled from: http://www.netlib.org/blas/blast-forum/cblas.h
BaseLevel1() - Constructor for class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
BaseLevel2 - Class in org.nd4j.linalg.api.blas.impl
Base class for level 2 functions, abstract headers pulled from: http://www.netlib.org/blas/blast-forum/cblas.h
BaseLevel2() - Constructor for class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
BaseLevel3 - Class in org.nd4j.linalg.api.blas.impl
Base class for level 3 functions, abstract headers pulled from: http://www.netlib.org/blas/blast-forum/cblas.h
BaseLevel3() - Constructor for class org.nd4j.linalg.api.blas.impl.BaseLevel3
 
BaseLossFunction - Class in org.nd4j.linalg.api.ops
 
BaseLossFunction(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.BaseLossFunction
 
BaseLossFunction(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.BaseLossFunction
 
BaseLossFunction(INDArray) - Constructor for class org.nd4j.linalg.api.ops.BaseLossFunction
 
BaseLossFunction(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.BaseLossFunction
 
BaseLossFunction() - Constructor for class org.nd4j.linalg.api.ops.BaseLossFunction
 
basement - Variable in class org.nd4j.linalg.profiler.data.primitives.StackTree
 
BaseMetaOp - Class in org.nd4j.linalg.api.ops.impl.meta
 
BaseMetaOp() - Constructor for class org.nd4j.linalg.api.ops.impl.meta.BaseMetaOp
 
BaseMetaOp(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.meta.BaseMetaOp
 
BaseMetaOp(Op, Op) - Constructor for class org.nd4j.linalg.api.ops.impl.meta.BaseMetaOp
 
BaseMetaOp(OpDescriptor, OpDescriptor) - Constructor for class org.nd4j.linalg.api.ops.impl.meta.BaseMetaOp
 
BaseMetaOp(GridPointers, GridPointers) - Constructor for class org.nd4j.linalg.api.ops.impl.meta.BaseMetaOp
 
BaseNDArray - Class in org.nd4j.linalg.api.ndarray
NDArray: (think numpy)

A few things of note.

BaseNDArray() - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(DataBuffer) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(DataBuffer, int[], int[], long, char) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(double[][]) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
Initialize the ndarray as a matrix with the given data (indices preserved)
BaseNDArray(double[][], char) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(int[], DataBuffer) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
Create with the specified shape and buffer
BaseNDArray(float[], int[], char) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
Create this ndarray with the given data and shape and 0 offset
BaseNDArray(float[], int[], long, char) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(int[], int[], long, char) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
Construct an ndarray of the specified shape with an empty data array
BaseNDArray(int[], int[], long, char, boolean) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
Construct an ndarray of the specified shape.
BaseNDArray(int[], int[], char) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
Create the ndarray with the specified shape and stride and an offset of 0
BaseNDArray(int[], long, char) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(int[]) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
Create an ndarray with the given shape
BaseNDArray(int, int, char) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
Creates a new n times m DoubleMatrix.
BaseNDArray(List<INDArray>, int[], char) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
Create an ndarray from the specified slices.
BaseNDArray(List<INDArray>, int[], int[], char) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
Create an ndarray from the specified slices.
BaseNDArray(float[], int[], int[], char) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(float[], int[], int[], long, char) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(DataBuffer, int[], int[], long) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(int[], int[], int[]) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(DataBuffer, int[]) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(DataBuffer, int[], long) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(DataBuffer, int[], char) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(double[], int[], char) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(double[], int[], int[], long, char) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(float[], char) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(DataBuffer, char) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(DataBuffer, int[], int[]) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(float[], int[]) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
Create this ndarray with the given data and shape and 0 offset
BaseNDArray(float[], int[], long) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(int[], int[], long) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
Construct an ndarray of the specified shape with an empty data array
BaseNDArray(int[], int[]) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
Create the ndarray with the specified shape and stride and an offset of 0
BaseNDArray(int[], long) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(int[], char) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(int, int) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
Creates a new n times m DoubleMatrix.
BaseNDArray(List<INDArray>, int[]) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
Create an ndarray from the specified slices.
BaseNDArray(List<INDArray>, int[], int[]) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
Create an ndarray from the specified slices.
BaseNDArray(float[], int[], int[]) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(float[], int[], int[], long) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(float[]) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(float[][]) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
Initialize the ndarray with the given data
BaseNDArray(float[][], char) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(DataBuffer, int[], long, char) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
Constructor for stride and offset
BaseNDArray(double[], int[], int[], long) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArrayFactory - Class in org.nd4j.linalg.factory
Base NDArrayFactory class.
BaseNDArrayFactory() - Constructor for class org.nd4j.linalg.factory.BaseNDArrayFactory
 
BaseNDArrayFactory(DataBuffer.Type, Character) - Constructor for class org.nd4j.linalg.factory.BaseNDArrayFactory
Initialize with the given data type and ordering The ndarray factory will use this for
BaseNDArrayFactory(DataBuffer.Type, char) - Constructor for class org.nd4j.linalg.factory.BaseNDArrayFactory
 
BaseNDArrayProxy - Class in org.nd4j.linalg.api.ndarray
 
BaseNDArrayProxy(INDArray) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArrayProxy
 
BaseOp - Class in org.nd4j.linalg.api.ops
Base op.
BaseOp() - Constructor for class org.nd4j.linalg.api.ops.BaseOp
 
BaseOp(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.BaseOp
Specify an alternative result array
BaseOp(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.BaseOp
Specify an alternative output array
BaseOp(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.BaseOp
 
BaseOp(INDArray) - Constructor for class org.nd4j.linalg.api.ops.BaseOp
An op for one ndarray
BaseRandomOp - Class in org.nd4j.linalg.api.ops.random
 
BaseRandomOp() - Constructor for class org.nd4j.linalg.api.ops.random.BaseRandomOp
 
BaseScalarOp - Class in org.nd4j.linalg.api.ops
Base scalar operation
BaseScalarOp() - Constructor for class org.nd4j.linalg.api.ops.BaseScalarOp
 
BaseScalarOp(INDArray, INDArray, INDArray, long, Number) - Constructor for class org.nd4j.linalg.api.ops.BaseScalarOp
 
BaseScalarOp(INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.BaseScalarOp
 
BaseScalarOp(INDArray, INDArray, INDArray, long, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.BaseScalarOp
 
BaseScalarOp(INDArray, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.BaseScalarOp
 
BaseShapeInfoProvider - Class in org.nd4j.linalg.api.ndarray
 
BaseShapeInfoProvider() - Constructor for class org.nd4j.linalg.api.ndarray.BaseShapeInfoProvider
 
BaseTransformOp - Class in org.nd4j.linalg.api.ops
A base op for basic getters and setters
BaseTransformOp(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformOp
 
BaseTransformOp() - Constructor for class org.nd4j.linalg.api.ops.BaseTransformOp
 
BaseTransformOp(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformOp
 
BaseTransformOp(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformOp
 
BaseTransformOp(INDArray) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformOp
 
BaseUnderSamplingPreProcessor - Class in org.nd4j.linalg.dataset.api.preprocessor.classimbalance
 
BaseUnderSamplingPreProcessor() - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.classimbalance.BaseUnderSamplingPreProcessor
 
BasicAffinityManager - Class in org.nd4j.linalg.api.concurrency
 
BasicAffinityManager() - Constructor for class org.nd4j.linalg.api.concurrency.BasicAffinityManager
 
BasicConstantHandler - Class in org.nd4j.linalg.cache
Basic No-Op abstraction for ConstantHandler
BasicConstantHandler() - Constructor for class org.nd4j.linalg.cache.BasicConstantHandler
 
BasicMemoryManager - Class in org.nd4j.linalg.memory
 
BasicMemoryManager() - Constructor for class org.nd4j.linalg.memory.BasicMemoryManager
 
BasicNDArrayCompressor - Class in org.nd4j.linalg.compression
 
BasicStash<T> - Class in org.nd4j.linalg.memory.stash
 
BasicStash() - Constructor for class org.nd4j.linalg.memory.stash.BasicStash
 
BasicStashManager - Class in org.nd4j.linalg.memory.stash
 
BasicStashManager() - Constructor for class org.nd4j.linalg.memory.stash.BasicStashManager
 
BasicWorkspaceManager - Class in org.nd4j.linalg.memory.provider
Workspace manager implementation.
BasicWorkspaceManager() - Constructor for class org.nd4j.linalg.memory.provider.BasicWorkspaceManager
 
BasicWorkspaceManager(WorkspaceConfiguration) - Constructor for class org.nd4j.linalg.memory.provider.BasicWorkspaceManager
 
BasicWorkspaceManager.WorkspaceDeallocatorThread - Class in org.nd4j.linalg.memory.provider
 
Batch<T extends Aggregate> - Class in org.nd4j.linalg.api.ops.aggregates
Wrapper for "batch of aggregates"
Batch(List<T>) - Constructor for class org.nd4j.linalg.api.ops.aggregates.Batch
This constructor takes List of Aggregates, and builds Batch instance, usable with Nd4j executioner.
batch - Variable in class org.nd4j.linalg.dataset.api.iterator.BaseDatasetIterator
 
batch() - Method in class org.nd4j.linalg.dataset.api.iterator.BaseDatasetIterator
 
batch() - Method in class org.nd4j.linalg.dataset.api.iterator.CachingDataSetIterator
 
batch() - Method in interface org.nd4j.linalg.dataset.api.iterator.DataSetIterator
Batch size
batch() - Method in class org.nd4j.linalg.dataset.api.iterator.KFoldIterator
The number of examples in every fold, except the last if totalexamples % k !=0
batch() - Method in class org.nd4j.linalg.dataset.api.iterator.MultipleEpochsIterator
Deprecated.
Batch size
batch() - Method in class org.nd4j.linalg.dataset.api.iterator.SamplingDataSetIterator
 
batch() - Method in class org.nd4j.linalg.dataset.api.iterator.TestDataSetIterator
 
batch() - Method in class org.nd4j.linalg.dataset.ExistingMiniBatchDataSetIterator
 
batch() - Method in class org.nd4j.linalg.dataset.MiniBatchFileDataSetIterator
 
batch() - Method in class org.nd4j.linalg.dataset.ViewIterator
 
batchBy(int) - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
batchBy(int) - Method in class org.nd4j.linalg.dataset.DataSet
Partitions a dataset in to mini batches where each dataset in each list is of the specified number of examples
batchByNumLabels() - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
batchByNumLabels() - Method in class org.nd4j.linalg.dataset.DataSet
 
begin - Variable in class org.nd4j.linalg.indexing.IntervalIndex
 
BernoulliDistribution - Class in org.nd4j.linalg.api.ops.random.impl
BernoulliDistribution implementation
BernoulliDistribution() - Constructor for class org.nd4j.linalg.api.ops.random.impl.BernoulliDistribution
 
BernoulliDistribution(INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.random.impl.BernoulliDistribution
This op fills Z with bernoulli trial results, so 0, or 1, depending by common probability
BernoulliDistribution(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.random.impl.BernoulliDistribution
This op fills Z with bernoulli trial results, so 0, or 1, each element will have it's own success probability defined in prob array
Bias - Class in org.nd4j.linalg.api.ops.impl.accum
Calculate a bias
Bias() - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Bias
 
Bias(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Bias
 
Bias(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Bias
 
Bias(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Bias
 
Bias(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Bias
 
bias - Variable in class org.nd4j.linalg.api.ops.impl.accum.Variance
 
biasCorrected - Variable in class org.nd4j.linalg.api.ops.impl.accum.Variance
 
bilinearProducts(INDArray, INDArray) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Returns a column vector where each entry is the nth bilinear product of the nth slices of the two tensors.
bilinearProducts(INDArray, INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
Returns a column vector where each entry is the nth bilinear product of the nth slices of the two tensors.
bilinearProducts(INDArray, INDArray) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Returns a column vector where each entry is the nth bilinear product of the nth slices of the two tensors.
binarize() - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
binarize(double) - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
binarize() - Method in class org.nd4j.linalg.dataset.DataSet
Same as calling binarize(0)
binarize(double) - Method in class org.nd4j.linalg.dataset.DataSet
Binarizes the dataset such that any number greater than cutoff is 1 otherwise zero
BinarySerde - Class in org.nd4j.serde.binary
Created by agibsonccc on 7/1/17.
BinarySerde() - Constructor for class org.nd4j.serde.binary.BinarySerde
 
BinomialDistribution - Class in org.nd4j.linalg.api.ops.random.impl
This Op generates binomial distribution
BinomialDistribution() - Constructor for class org.nd4j.linalg.api.ops.random.impl.BinomialDistribution
 
BinomialDistribution(INDArray, int, double) - Constructor for class org.nd4j.linalg.api.ops.random.impl.BinomialDistribution
This op fills Z with binomial distribution over given trials with single given probability for all trials
BinomialDistribution(INDArray, int, INDArray) - Constructor for class org.nd4j.linalg.api.ops.random.impl.BinomialDistribution
This op fills Z with binomial distribution over given trials with probability for each trial given as probabilities INDArray
BinomialDistribution(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.random.impl.BinomialDistribution
This op fills Z with binomial distribution over given trials with probability for each trial given as probabilities INDArray
BinomialDistribution - Class in org.nd4j.linalg.api.rng.distribution.impl
Base distribution derived from apache commons math http://commons.apache.org/proper/commons-math/

(specifically the org.apache.commons.math3.distribution.BinomialDistribution

BinomialDistribution(int, double) - Constructor for class org.nd4j.linalg.api.rng.distribution.impl.BinomialDistribution
Create a binomial distribution with the given number of trials and probability of success.
BinomialDistribution(Random, int, double) - Constructor for class org.nd4j.linalg.api.rng.distribution.impl.BinomialDistribution
Creates a binomial distribution.
BinomialDistribution(int, INDArray) - Constructor for class org.nd4j.linalg.api.rng.distribution.impl.BinomialDistribution
 
BinomialDistributionEx - Class in org.nd4j.linalg.api.ops.random.impl
This Op generates binomial distribution
BinomialDistributionEx() - Constructor for class org.nd4j.linalg.api.ops.random.impl.BinomialDistributionEx
 
BinomialDistributionEx(INDArray, int, double) - Constructor for class org.nd4j.linalg.api.ops.random.impl.BinomialDistributionEx
This op fills Z with binomial distribution over given trials with single given probability for all trials
BinomialDistributionEx(INDArray, int, INDArray) - Constructor for class org.nd4j.linalg.api.ops.random.impl.BinomialDistributionEx
This op fills Z with binomial distribution over given trials with probability for each trial given as probabilities INDArray
BinomialDistributionEx(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.random.impl.BinomialDistributionEx
This op fills Z with binomial distribution over given trials with probability for each trial given as probabilities INDArray
BITMAP_ENCODING - Static variable in class org.nd4j.linalg.compression.ThresholdCompression
 
bitmapDecode(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
bitmapDecode(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
 
bitmapEncode(INDArray, INDArray, double) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
bitmapEncode(INDArray, double) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
bitmapEncode(INDArray, INDArray, double) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
This method returns number of elements affected by encoder
bitmapEncode(INDArray, double) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
 
Blas - Interface in org.nd4j.linalg.api.blas
Extra functionality for BLAS
blas - Variable in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
blas() - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
blas() - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Return extra blas operations
Blas.Vendor - Enum in org.nd4j.linalg.api.blas
 
BLAS_OPS - Static variable in class org.nd4j.linalg.factory.Nd4j
 
BLAS_THREADS_KEY - Static variable in class org.nd4j.linalg.api.environment.Nd4jEnvironment
 
BLAS_VENDOR_KEY - Static variable in class org.nd4j.linalg.api.environment.Nd4jEnvironment
 
BLAS_WRAPPER_INSTANCE - Static variable in class org.nd4j.linalg.factory.Nd4j
 
BlasBufferUtil - Class in org.nd4j.linalg.api.blas
Blas buffer util for interopping with the underlying buffers and the given ndarrays
BlasBufferUtil() - Constructor for class org.nd4j.linalg.api.blas.BlasBufferUtil
 
BlasException - Error in org.nd4j.linalg.api.blas
General exception for Blas library errors
BlasException(String, int) - Constructor for error org.nd4j.linalg.api.blas.BlasException
Principal constructor - error message & error code
BlasException(String) - Constructor for error org.nd4j.linalg.api.blas.BlasException
 
blasOffset() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
blasOffset() - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
For blas operations, this is the offset / 2 when offset is > 0
BlasOpErrorMessage - Class in org.nd4j.linalg.api.ops.exception
 
BlasOpErrorMessage(Op) - Constructor for class org.nd4j.linalg.api.ops.exception.BlasOpErrorMessage
 
BlasWrapper - Interface in org.nd4j.linalg.factory
This class provides a cleaner direct interface to the BLAS routines by extracting the parameters of the matrices from the matrices itself.
blasWrapperClazz - Static variable in class org.nd4j.linalg.factory.Nd4j
 
BooleanIndexing - Class in org.nd4j.linalg.indexing
Boolean indexing
BooleanIndexing() - Constructor for class org.nd4j.linalg.indexing.BooleanIndexing
 
borrowingWorkspace - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
branches - Variable in class org.nd4j.linalg.profiler.data.primitives.StackTree
 
broadcast(int[]) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Broadcasts this ndarray to be the specified shape
broadcast(int[]) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Broadcasts this ndarray to be the specified shape
broadcast(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Broadcasts this ndarray to be the specified shape
broadcast(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Broadcasts this ndarray to be the specified shape
Broadcast - Class in org.nd4j.linalg.api.ops.impl.shape
Transpose function
Broadcast() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Broadcast
 
Broadcast(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Broadcast
 
Broadcast(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Broadcast
 
Broadcast(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Broadcast
 
Broadcast(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Broadcast
 
broadcast(INDArray) - Method in class org.nd4j.linalg.util.DeviceLocalNDArray
This method duplicates array, and stores it to all devices
BroadcastAddOp - Class in org.nd4j.linalg.api.ops.impl.broadcast
 
BroadcastAddOp() - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAddOp
 
BroadcastAddOp(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAddOp
 
BroadcastCopyOp - Class in org.nd4j.linalg.api.ops.impl.broadcast
 
BroadcastCopyOp() - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastCopyOp
 
BroadcastCopyOp(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastCopyOp
 
BroadcastDivOp - Class in org.nd4j.linalg.api.ops.impl.broadcast
 
BroadcastDivOp() - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastDivOp
 
BroadcastDivOp(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastDivOp
 
BroadcastEqualTo - Class in org.nd4j.linalg.api.ops.impl.broadcast
 
BroadcastEqualTo() - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastEqualTo
 
BroadcastEqualTo(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastEqualTo
 
BroadcastGreaterThan - Class in org.nd4j.linalg.api.ops.impl.broadcast
 
BroadcastGreaterThan() - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastGreaterThan
 
BroadcastGreaterThan(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastGreaterThan
 
BroadcastGreaterThanOrEqual - Class in org.nd4j.linalg.api.ops.impl.broadcast
 
BroadcastGreaterThanOrEqual() - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastGreaterThanOrEqual
 
BroadcastGreaterThanOrEqual(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastGreaterThanOrEqual
 
broadcastLength() - Method in class org.nd4j.linalg.api.ops.BaseBroadcastOp
 
broadcastLength() - Method in class org.nd4j.linalg.api.ops.BaseScalarOp
 
broadcastLength() - Method in interface org.nd4j.linalg.api.ops.BroadcastOp
The length of the number of elements in the broadcast
BroadcastLessThan - Class in org.nd4j.linalg.api.ops.impl.broadcast
 
BroadcastLessThan() - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastLessThan
 
BroadcastLessThan(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastLessThan
 
BroadcastLessThanOrEqual - Class in org.nd4j.linalg.api.ops.impl.broadcast
 
BroadcastLessThanOrEqual() - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastLessThanOrEqual
 
BroadcastLessThanOrEqual(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastLessThanOrEqual
 
BroadcastMulOp - Class in org.nd4j.linalg.api.ops.impl.broadcast
 
BroadcastMulOp() - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMulOp
 
BroadcastMulOp(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMulOp
 
BroadcastNotEqual - Class in org.nd4j.linalg.api.ops.impl.broadcast
 
BroadcastNotEqual() - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastNotEqual
 
BroadcastNotEqual(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastNotEqual
 
BroadcastOp - Interface in org.nd4j.linalg.api.ops
A broad cast op is one where a scalar or less rank array is broadcast to fill a bigg er array.
BroadcastRDivOp - Class in org.nd4j.linalg.api.ops.impl.broadcast
Broadcast reverse divide
BroadcastRDivOp() - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRDivOp
 
BroadcastRDivOp(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRDivOp
 
BroadcastRSubOp - Class in org.nd4j.linalg.api.ops.impl.broadcast
 
BroadcastRSubOp() - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRSubOp
 
BroadcastRSubOp(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRSubOp
 
broadcastShape() - Method in class org.nd4j.linalg.api.ops.BaseBroadcastOp
 
broadcastShape() - Method in class org.nd4j.linalg.api.ops.BaseScalarOp
 
broadcastShape() - Method in interface org.nd4j.linalg.api.ops.BroadcastOp
The shape of the element to be broadcast
BroadcastSubOp - Class in org.nd4j.linalg.api.ops.impl.broadcast
 
BroadcastSubOp() - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastSubOp
 
BroadcastSubOp(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastSubOp
 
broadcastToShape(int[], long) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
Generate a random shape to broadcast to given a randomly generated shape with 1s in it as inputs
bufferQueue - Static variable in class org.nd4j.linalg.factory.Nd4j
 
bufferRefQueue() - Static method in class org.nd4j.linalg.factory.Nd4j
The reference queue used for cleaning up databuffers
bufferToString(IntBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
Prints the IntBuffer
build() - Method in class org.nd4j.linalg.dataset.api.preprocessor.stats.DistributionStats.Builder
Create a DistributionStats object from the data ingested so far.
build() - Method in class org.nd4j.linalg.dataset.api.preprocessor.stats.MinMaxStats.Builder
Create a DistributionStats object from the data ingested so far.
build() - Method in interface org.nd4j.linalg.dataset.api.preprocessor.stats.NormalizerStats.Builder
Builder pattern
build() - Method in class org.nd4j.linalg.indexing.conditions.ConditionBuilder
 
build() - Method in class org.nd4j.linalg.lossfunctions.impl.LossMixtureDensity.Builder
Creates a new instance of the mixture density cost function.
buildCId() - Static method in class org.nd4j.linalg.heartbeat.utils.EnvironmentUtils
 
buildEnvironment() - Static method in class org.nd4j.linalg.heartbeat.utils.EnvironmentUtils
This method build
Builder() - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.stats.DistributionStats.Builder
 
Builder() - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.stats.MinMaxStats.Builder
 
Builder() - Constructor for class org.nd4j.linalg.learning.config.AdaDelta.Builder
 
Builder() - Constructor for class org.nd4j.linalg.learning.config.AdaGrad.Builder
 
Builder() - Constructor for class org.nd4j.linalg.learning.config.Adam.Builder
 
Builder() - Constructor for class org.nd4j.linalg.learning.config.AdaMax.Builder
 
Builder() - Constructor for class org.nd4j.linalg.learning.config.Nadam.Builder
 
Builder() - Constructor for class org.nd4j.linalg.learning.config.Nesterovs.Builder
 
Builder() - Constructor for class org.nd4j.linalg.learning.config.RmsProp.Builder
 
Builder() - Constructor for class org.nd4j.linalg.learning.config.Sgd.Builder
 
builder() - Static method in class org.nd4j.linalg.lossfunctions.impl.LossMixtureDensity
 
buildTask(INDArray[], INDArray[]) - Static method in class org.nd4j.linalg.heartbeat.utils.TaskUtils
 
buildTask(INDArray, INDArray) - Static method in class org.nd4j.linalg.heartbeat.utils.TaskUtils
 
buildTask(INDArray) - Static method in class org.nd4j.linalg.heartbeat.utils.TaskUtils
 
buildTask(DataSet) - Static method in class org.nd4j.linalg.heartbeat.utils.TaskUtils
 
buildTask(DataSet) - Static method in class org.nd4j.linalg.heartbeat.utils.TaskUtils
 
buildTask(DataSetIterator) - Static method in class org.nd4j.linalg.heartbeat.utils.TaskUtils
 
byteBufferSizeFor(INDArray) - Static method in class org.nd4j.serde.binary.BinarySerde
Returns the byte buffer size for the given ndarray.
bytes - Variable in class org.nd4j.linalg.api.ndarray.BaseShapeInfoProvider
 

C

C - Static variable in interface org.nd4j.linalg.factory.NDArrayFactory
 
CachingDataSetIterator - Class in org.nd4j.linalg.dataset.api.iterator
Created by anton on 7/16/16.
CachingDataSetIterator(DataSetIterator, DataSetCache, String) - Constructor for class org.nd4j.linalg.dataset.api.iterator.CachingDataSetIterator
 
CachingDataSetIterator(DataSetIterator, DataSetCache, String, boolean) - Constructor for class org.nd4j.linalg.dataset.api.iterator.CachingDataSetIterator
 
CachingDataSetIterator(DataSetIterator, DataSetCache) - Constructor for class org.nd4j.linalg.dataset.api.iterator.CachingDataSetIterator
 
calculateFinalResult(double, long) - Method in interface org.nd4j.linalg.api.ops.Accumulation
Calculate the final result.
calculateFinalResult(float, long) - Method in interface org.nd4j.linalg.api.ops.Accumulation
 
calculateFinalResult(double, long) - Method in class org.nd4j.linalg.api.ops.BaseAccumulation
 
calculateFinalResult(float, long) - Method in class org.nd4j.linalg.api.ops.BaseAccumulation
 
calculateFinalResult(double, long) - Method in class org.nd4j.linalg.api.ops.impl.accum.AMean
 
calculateFinalResult(float, long) - Method in class org.nd4j.linalg.api.ops.impl.accum.AMean
 
calculateFinalResult(double, long) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineDistance
 
calculateFinalResult(float, long) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineDistance
 
calculateFinalResult(double, long) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineSimilarity
 
calculateFinalResult(float, long) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineSimilarity
 
calculateFinalResult(double, long) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.EuclideanDistance
 
calculateFinalResult(float, long) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.EuclideanDistance
 
calculateFinalResult(double, long) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.HammingDistance
 
calculateFinalResult(float, long) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.HammingDistance
 
calculateFinalResult(double, long) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.JaccardDistance
 
calculateFinalResult(float, long) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.JaccardDistance
 
calculateFinalResult(double, long) - Method in class org.nd4j.linalg.api.ops.impl.accum.Mean
 
calculateFinalResult(float, long) - Method in class org.nd4j.linalg.api.ops.impl.accum.Mean
 
calculateFinalResult(double, long) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm2
 
calculateFinalResult(float, long) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm2
 
calculateFinalResult(double, long) - Method in class org.nd4j.linalg.api.ops.impl.accum.ShannonEntropy
 
calculateFinalResult(float, long) - Method in class org.nd4j.linalg.api.ops.impl.accum.ShannonEntropy
 
calculateFinalResult(double, long) - Method in class org.nd4j.linalg.api.ops.impl.accum.StandardDeviation
 
calculateFinalResult(float, long) - Method in class org.nd4j.linalg.api.ops.impl.accum.StandardDeviation
 
calculateFinalResult(double, long) - Method in class org.nd4j.linalg.api.ops.impl.accum.Variance
 
calculateFinalResult(float, long) - Method in class org.nd4j.linalg.api.ops.impl.accum.Variance
 
canDoOpDirectly(INDArray) - Static method in class org.nd4j.linalg.api.ops.executioner.OpExecutionerUtil
Can we do the op (X = Op(X)) directly on the arrays without breaking X up into 1d tensors first? In general, this is possible if the elements of X are contiguous in the buffer, OR if every element of X is at position offset+i*elementWiseStride in the buffer
canDoOpDirectly(INDArray, INDArray) - Static method in class org.nd4j.linalg.api.ops.executioner.OpExecutionerUtil
Can we do the transform op (X = Op(X,Y)) directly on the arrays without breaking them up into 1d tensors first?
canDoOpDirectly(INDArray, INDArray, INDArray) - Static method in class org.nd4j.linalg.api.ops.executioner.OpExecutionerUtil
Can we do the transform op (Z = Op(X,Y)) directly on the arrays without breaking them up into 1d tensors first?
caxpy(int, IComplexFloat, IComplexNDArray, int, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
ccopy(int, IComplexNDArray, int, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
cdotc_sub(int, IComplexNDArray, int, IComplexNDArray, int, IComplexNDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
cdotu_sub(int, IComplexNDArray, int, IComplexNDArray, int, IComplexNDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
Ceil - Class in org.nd4j.linalg.api.ops.impl.transforms
Ceiling elementwise function
Ceil() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Ceil
 
Ceil(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Ceil
 
Ceil(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Ceil
 
Ceil(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Ceil
 
Ceil(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Ceil
 
ceil(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
ceil(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
ceil(IComplexNumber) - Static method in class org.nd4j.linalg.util.ComplexUtil
Return the ceiling value of the given complex number
ceiling(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Binary matrix of whether the number at a given index is greater than
ceiling(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Ceiling function
center(IComplexNDArray, int[]) - Static method in class org.nd4j.linalg.util.ComplexNDArrayUtil
Center an array
cgbmv(char, char, int, int, int, int, IComplexFloat, IComplexNDArray, int, IComplexNDArray, int, IComplexFloat, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
cgemm(char, char, char, int, int, int, IComplexFloat, IComplexNDArray, int, IComplexNDArray, int, IComplexFloat, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
 
cgemv(char, char, int, int, IComplexFloat, IComplexNDArray, int, IComplexNDArray, int, IComplexFloat, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
cgerc(char, int, int, IComplexFloat, IComplexNDArray, int, IComplexNDArray, int, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
cgeru(char, int, int, IComplexFloat, IComplexNDArray, int, IComplexNDArray, int, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
chbmv(char, char, int, int, IComplexFloat, IComplexNDArray, int, IComplexNDArray, int, IComplexFloat, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
checkAdd(INDArray, INDArray, double, double) - Static method in class org.nd4j.linalg.checkutil.CheckUtil
Same as checkMmul, but for matrix addition
checkArrangeArray(int[]) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
checkDimensions(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Validate dimensions are equal
checkDimensions(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Validate dimensions are equal
checkDimensions(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
checkDimensions(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Validate dimensions are equal
checkDivManually(INDArray, INDArray, double, double) - Static method in class org.nd4j.linalg.checkutil.CheckUtil
 
checkEntries(RealMatrix, INDArray, double, double) - Static method in class org.nd4j.linalg.checkutil.CheckUtil
 
checkEntries(INDArray, INDArray, double, double) - Static method in class org.nd4j.linalg.checkutil.CheckUtil
 
checkForAny(INDArray) - Static method in class org.nd4j.linalg.api.ops.executioner.OpExecutionerUtil
 
checkForCompression(Op) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
checkForInf(INDArray) - Static method in class org.nd4j.linalg.api.ops.executioner.OpExecutionerUtil
 
checkForInf(Op) - Static method in class org.nd4j.linalg.api.ops.executioner.OpExecutionerUtil
 
checkForNaN(INDArray) - Static method in class org.nd4j.linalg.api.ops.executioner.OpExecutionerUtil
 
checkForNaN(Op) - Static method in class org.nd4j.linalg.api.ops.executioner.OpExecutionerUtil
 
checkGemm(INDArray, INDArray, INDArray, boolean, boolean, double, double, double, double) - Static method in class org.nd4j.linalg.checkutil.CheckUtil
 
checkIfExists(T) - Method in class org.nd4j.linalg.memory.stash.BasicStash
 
checkIfExists(T) - Method in interface org.nd4j.linalg.memory.stash.Stash
 
checkIfStashExists(T) - Method in class org.nd4j.linalg.memory.stash.BasicStashManager
 
checkIfStashExists(T) - Method in interface org.nd4j.linalg.memory.stash.StashManager
 
checkIfWorkspaceExists(String) - Method in class org.nd4j.linalg.memory.provider.BasicWorkspaceManager
This method checks, if Workspace with a given Id was created before this call
checkInfo(String, int) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
checkInfo(String, int) - Method in interface org.nd4j.linalg.factory.BlasWrapper
 
checkMmul(INDArray, INDArray, double, double) - Static method in class org.nd4j.linalg.checkutil.CheckUtil
Check first.mmul(second) using Apache commons math mmul.
checkMulManually(INDArray, INDArray, double, double) - Static method in class org.nd4j.linalg.checkutil.CheckUtil
 
checkShapeValues(int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
checkShapeValues(int, int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
checkSubtract(INDArray, INDArray, double, double) - Static method in class org.nd4j.linalg.checkutil.CheckUtil
Same as checkMmul, but for matrix subtraction
CheckUtil - Class in org.nd4j.linalg.checkutil
 
CheckUtil() - Constructor for class org.nd4j.linalg.checkutil.CheckUtil
 
checkVersions() - Static method in class org.nd4j.versioncheck.VersionCheck
Perform a check of the versions of ND4J, DL4J, DataVec, RL4J and Arbiter dependencies, logging a warning if necessary.
chemm(char, char, char, int, int, IComplexFloat, IComplexNDArray, int, IComplexNDArray, int, IComplexFloat, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
 
chemv(char, char, int, IComplexFloat, IComplexNDArray, int, IComplexNDArray, int, IComplexFloat, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
cher(char, char, int, float, IComplexNDArray, int, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
cher2(char, char, int, IComplexFloat, IComplexNDArray, int, IComplexNDArray, int, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
cher2k(char, char, char, int, int, IComplexFloat, IComplexNDArray, int, IComplexNDArray, int, IComplexFloat, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
 
cherk(char, char, char, int, int, IComplexFloat, IComplexNDArray, int, IComplexFloat, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
 
Choice - Class in org.nd4j.linalg.api.ops.random.impl
This Op implements numpy.choice method It fills Z from source, following probabilities for each source element
Choice() - Constructor for class org.nd4j.linalg.api.ops.random.impl.Choice
 
Choice(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.random.impl.Choice
 
choice(INDArray, INDArray, INDArray, Random) - Static method in class org.nd4j.linalg.factory.Nd4j
This method samples value from Source array to Target, with probabilites provided in Probs argument
choice(INDArray, INDArray, INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
This method samples value from Source array to Target, with probabilites provided in Probs argument
choice(INDArray, INDArray, int, Random) - Static method in class org.nd4j.linalg.factory.Nd4j
This method returns new INDArray instance, sampled from Source array with probabilities given in Probs
choice(INDArray, INDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
This method returns new INDArray instance, sampled from Source array with probabilities given in Probs
chooseElementWiseTensorDimension(INDArray) - Static method in class org.nd4j.linalg.api.ops.executioner.OpExecutionerUtil
Choose tensor dimension for operations with one argument: x=Op(x) or similar
When doing some operations in parallel, it is necessary to break up operations along a dimension to give a set of 1d tensors.
chooseElementWiseTensorDimension(INDArray, INDArray) - Static method in class org.nd4j.linalg.api.ops.executioner.OpExecutionerUtil
Choose tensor dimension for operations with 2 arguments: x=Op(x,y) or similar
chooseElementWiseTensorDimension(INDArray, INDArray, INDArray) - Static method in class org.nd4j.linalg.api.ops.executioner.OpExecutionerUtil
Choose tensor dimension for operations with 3 arguments: z=Op(x,y) or similar
chpmv(char, char, int, IComplexFloat, IComplexNDArray, IComplexNDArray, int, IComplexFloat, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
chpr(char, char, int, INDArray, IComplexNDArray, int, IComplexNDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
chpr2(char, char, int, IComplexFloat, IComplexNDArray, int, IComplexNDArray, int, IComplexNDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
cleanup() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Deprecated.
cleanup() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Cleanup resources
clear() - Method in interface org.nd4j.linalg.compression.AbstractStorage
This method purges everything from storage
clear() - Method in class org.nd4j.linalg.util.DeviceLocal
This method removes object stored for current device
clearExternalAllocations() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
clearListener(OpProfiler.OpProfilerListener) - Method in class org.nd4j.linalg.profiler.OpProfiler
Clear the listener from the profiler
clearNans(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
Clear nans from an ndarray
clearPinnedAllocations(boolean) - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
clone() - Method in class org.nd4j.linalg.compression.CompressionDescriptor
 
clone() - Method in class org.nd4j.linalg.learning.config.AdaDelta
 
clone() - Method in class org.nd4j.linalg.learning.config.AdaGrad
 
clone() - Method in class org.nd4j.linalg.learning.config.Adam
 
clone() - Method in class org.nd4j.linalg.learning.config.AdaMax
 
clone() - Method in interface org.nd4j.linalg.learning.config.IUpdater
Clone the updater
clone() - Method in class org.nd4j.linalg.learning.config.Nadam
 
clone() - Method in class org.nd4j.linalg.learning.config.Nesterovs
 
clone() - Method in class org.nd4j.linalg.learning.config.NoOp
 
clone() - Method in class org.nd4j.linalg.learning.config.RmsProp
 
clone() - Method in class org.nd4j.linalg.learning.config.Sgd
 
close() - Method in class org.nd4j.linalg.api.rng.DefaultRandom
 
close() - Method in class org.nd4j.linalg.memory.abstracts.DummyWorkspace
 
close() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
codecs - Variable in class org.nd4j.linalg.compression.BasicNDArrayCompressor
 
Col2Im - Class in org.nd4j.linalg.api.ops.impl.transforms.convolution
Created by agibsonccc on 3/9/16.
Col2Im() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.convolution.Col2Im
 
Col2Im(INDArray, int, int, int, int, int, int) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.convolution.Col2Im
 
Col2Im(INDArray, int, int, int, int, int, int, boolean, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.convolution.Col2Im
 
col2im(INDArray, int[], int[], int, int) - Static method in class org.nd4j.linalg.convolution.Convolution
 
col2im(INDArray, int, int, int, int, int, int) - Static method in class org.nd4j.linalg.convolution.Convolution
Rearrange matrix columns into blocks
col2im(INDArray, INDArray, int, int, int, int, int, int) - Static method in class org.nd4j.linalg.convolution.Convolution
 
col2im(INDArray, int[], int[], int, int) - Static method in class org.nd4j.linalg.convolution.OldConvolution
 
col2im(INDArray, int, int, int, int, int, int) - Static method in class org.nd4j.linalg.convolution.OldConvolution
Rearrange matrix columns into blocks
collect(INDArray...) - Method in class org.nd4j.linalg.memory.BasicMemoryManager
This method detaches off-heap memory from passed INDArray instances, and optionally stores them in cache for future reuse PLEASE NOTE: Cache options depend on specific implementations
collect(INDArray...) - Method in interface org.nd4j.linalg.memory.MemoryManager
This method detaches off-heap memory from passed INDArray instances, and optionally stores them in cache for future reuse PLEASE NOTE: Cache options depend on specific implementations
columns() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Number of columns (shape[1]), throws an exception when called when not 2d
columns() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the number of columns in this matrix (throws exception if not 2d)
combineSubResults(double, double) - Method in interface org.nd4j.linalg.api.ops.Accumulation
Combine sub-results, when the Accumulation operation is split and executed in parallel.
Sometimes this is the same as the update operation (i.e., in sum operation), but often it is not (for example, in L2 norm, sqrt(1/n * sum_i x_i^2).
combineSubResults(float, float) - Method in interface org.nd4j.linalg.api.ops.Accumulation
 
combineSubResults(IComplexNumber, IComplexNumber) - Method in interface org.nd4j.linalg.api.ops.Accumulation
 
combineSubResults(double, double) - Method in class org.nd4j.linalg.api.ops.BaseAccumulation
 
combineSubResults(float, float) - Method in class org.nd4j.linalg.api.ops.BaseAccumulation
 
combineSubResults(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.BaseAccumulation
 
combineSubResults(double, int, double, int) - Method in class org.nd4j.linalg.api.ops.BaseIndexAccumulation
 
combineSubResults(float, int, float, int) - Method in class org.nd4j.linalg.api.ops.BaseIndexAccumulation
 
combineSubResults(Pair<Double, Integer>, Pair<Double, Integer>) - Method in class org.nd4j.linalg.api.ops.BaseIndexAccumulation
 
combineSubResults(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Bias
 
combineSubResults(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Bias
 
combineSubResults(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Bias
 
combineSubResults(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.EuclideanDistance
 
combineSubResults(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.EuclideanDistance
 
combineSubResults(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.EuclideanDistance
 
combineSubResults(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.ManhattanDistance
 
combineSubResults(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.ManhattanDistance
 
combineSubResults(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.ManhattanDistance
 
combineSubResults(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Dot
 
combineSubResults(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Dot
 
combineSubResults(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Dot
 
combineSubResults(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.EqualsWithEps
 
combineSubResults(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.EqualsWithEps
 
combineSubResults(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.EqualsWithEps
 
combineSubResults(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Mmul
 
combineSubResults(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Mmul
 
combineSubResults(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Mmul
 
combineSubResults(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm1
 
combineSubResults(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm1
 
combineSubResults(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm1
 
combineSubResults(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm2
 
combineSubResults(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm2
 
combineSubResults(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm2
 
combineSubResults(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.TensorMmul
 
combineSubResults(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.TensorMmul
 
combineSubResults(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.TensorMmul
 
combineSubResults(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Variance
 
combineSubResults(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Variance
 
combineSubResults(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Variance
 
combineSubResults(double, int, double, int) - Method in interface org.nd4j.linalg.api.ops.IndexAccumulation
Combine sub-results, when the index accumulation is split and executed in parallel.
combineSubResults(float, int, float, int) - Method in interface org.nd4j.linalg.api.ops.IndexAccumulation
 
combineSubResults(Pair<Double, Integer>, Pair<Double, Integer>) - Method in interface org.nd4j.linalg.api.ops.IndexAccumulation
 
commit() - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
commit() - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
This method ensures all operations that supposed to be executed at this moment, are executed and finished.
comparable - Variable in class org.nd4j.linalg.api.ops.impl.transforms.And
 
comparable - Variable in class org.nd4j.linalg.api.ops.impl.transforms.Not
 
comparable - Variable in class org.nd4j.linalg.api.ops.impl.transforms.Or
 
comparable - Variable in class org.nd4j.linalg.api.ops.impl.transforms.Xor
 
ComparableAtomicLong - Class in org.nd4j.linalg.profiler.data.primitives
 
ComparableAtomicLong() - Constructor for class org.nd4j.linalg.profiler.data.primitives.ComparableAtomicLong
 
ComparableAtomicLong(long) - Constructor for class org.nd4j.linalg.profiler.data.primitives.ComparableAtomicLong
 
compare - Variable in class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
compare - Variable in class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
compare(StackNode, StackNode) - Method in class org.nd4j.linalg.profiler.data.primitives.StackComparator
 
CompareAndReplace - Class in org.nd4j.linalg.api.ops.impl.transforms.comparison
Element-wise Compare-and-Replace implementation as Op Basically this op does the same as Compare-and-Set, but op.X is checked against Condition instead
CompareAndReplace() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndReplace
 
CompareAndReplace(INDArray, INDArray, Condition) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndReplace
With this constructor, op will check each X element against given Condition, and if condition met, element Z will be set to Y value, and X otherwise PLEASE NOTE: X will be modified inplace.
CompareAndReplace(INDArray, INDArray, INDArray, Condition) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndReplace
With this constructor, op will check each X element against given Condition, and if condition met, element Z will be set to Y value, and X otherwise Pseudocode: z[i] = condition(x[i]) ? y[i] : x[i];
CompareAndSet - Class in org.nd4j.linalg.api.ops.impl.transforms.comparison
Element-wise Compare-and-set implementation as Op Please check javadoc to specific constructors, for detail information.
CompareAndSet() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndSet
 
CompareAndSet(INDArray, double, double, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndSet
 
CompareAndSet(INDArray, double, double, double, Condition) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndSet
 
CompareAndSet(INDArray, double, Condition) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndSet
With this constructor, op will check each X element against given Condition, and if condition met, element will be replaced with Set value Pseudocode: z[i] = condition(x[i]) ? set : x[i]; PLEASE NOTE: X will be modified inplace.
CompareAndSet(INDArray, INDArray, double, Condition) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndSet
With this constructor, op will check each X element against given Condition, and if condition met, element will be replaced with Set value Pseudocode: z[i] = condition(x[i]) ? set : x[i];
CompareAndSet(INDArray, INDArray, Condition) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndSet
With this constructor, op will check each Y element against given Condition, and if condition met, element Z will be set to Y value, and X otherwise PLEASE NOTE: X will be modified inplace.
CompareAndSet(INDArray, INDArray, INDArray, Condition) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndSet
With this constructor, op will check each Y element against given Condition, and if condition met, element Z will be set to Y value, and X otherwise Pseudocode: z[i] = condition(y[i]) ? y[i] : x[i];
CompareAndSet(INDArray, INDArray, double, double, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndSet
This constructor is shortcut to epsEquals.
CompareAndSet(INDArray, INDArray, double, double, double, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndSet
This constructor is shortcut to epsEquals.
compareTo(StridePermutation) - Method in class org.nd4j.linalg.api.shape.StridePermutation
 
compareTo(ComparableAtomicLong) - Method in class org.nd4j.linalg.profiler.data.primitives.ComparableAtomicLong
 
compareTo(StackNode) - Method in class org.nd4j.linalg.profiler.data.primitives.StackNode
 
compareTo(TimeSet) - Method in class org.nd4j.linalg.profiler.data.primitives.TimeSet
 
complexFlatten(IComplexNDArray[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
complexFlatten(List<IComplexNDArray>) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
complexFlatten(List<IComplexNDArray>) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a long row vector of all of the given ndarrays
complexFlatten(IComplexNDArray...) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a long row vector of all of the given ndarrays
complexFlatten(List<IComplexNDArray>) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
complexFlatten(IComplexNDArray[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
complexLinSpace(int, int, int) - Static method in class org.nd4j.linalg.factory.Nd4j
Linspace with complex numbers
ComplexNDArrayUtil - Class in org.nd4j.linalg.util
IComplexNDArray operations
ComplexNDArrayUtil() - Constructor for class org.nd4j.linalg.util.ComplexNDArrayUtil
 
complexNumber - Variable in class org.nd4j.linalg.api.ops.BaseScalarOp
 
complexNumber - Variable in class org.nd4j.linalg.indexing.conditions.BaseCondition
 
complexNumbersFor(float[][]) - Static method in class org.nd4j.linalg.util.ComplexUtil
Create complex number where the
complexNumbersFor(double[][]) - Static method in class org.nd4j.linalg.util.ComplexUtil
Create complex number where the
complexNumbersFor(float[]) - Static method in class org.nd4j.linalg.util.ComplexUtil
Create complex number where the
complexNumbersFor(double[]) - Static method in class org.nd4j.linalg.util.ComplexUtil
Create complex number where the
complexOnes(int, int) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates an ndarray
complexOnes(int) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates an ndarray
complexOnes(int[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create an ndarray of ones
complexOnes(int, int) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an ndarray
complexOnes(int) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an ndarray
complexOnes(int...) - Static method in class org.nd4j.linalg.factory.Nd4j
Create an ndarray of ones
complexOnes(int, int) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates an ndarray
complexOnes(int) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates an ndarray
complexOnes(int[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create an ndarray of ones
complexRand(int...) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a random ndarray with the given shape using the current time as the seed
complexScalar() - Method in class org.nd4j.linalg.api.ops.BaseScalarOp
 
complexScalar() - Method in interface org.nd4j.linalg.api.ops.ScalarOp
The complex scalar
complexScalar(Number, long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create a scalar ndarray with the specified offset
complexScalar(Number) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create a scalar ndarray with the specified offset
complexScalar(Number, long) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a scalar ndarray with the specified offset
complexScalar(Number) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a scalar ndarray with the specified offset
complexScalar(Number, long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create a scalar ndarray with the specified offset
complexScalar(Number) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create a scalar ndarray with the specified offset
ComplexUtil - Class in org.nd4j.linalg.util
 
complexValueOf(int[], IComplexNumber) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates an shape ndarray with the specified value
complexValueOf(int, double) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates an 1 x num ndarray with the specified value
complexValueOf(int[], double) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates an shape ndarray with the specified value
complexValueOf(int, IComplexNumber) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates an 1 x num ndarray with the specified value
complexValueOf(int, IComplexNumber) - Static method in class org.nd4j.linalg.factory.Nd4j
 
complexValueOf(int[], IComplexNumber) - Static method in class org.nd4j.linalg.factory.Nd4j
 
complexValueOf(int, double) - Static method in class org.nd4j.linalg.factory.Nd4j
 
complexValueOf(int[], double) - Static method in class org.nd4j.linalg.factory.Nd4j
 
complexValueOf(int, IComplexNumber) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates an 1 x num ndarray with the specified value
complexValueOf(int[], IComplexNumber) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates an shape ndarray with the specified value
complexValueOf(int, double) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates an 1 x num ndarray with the specified value
complexValueOf(int[], double) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates an shape ndarray with the specified value
complexZeros(int, int) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates a matrix of zeros
complexZeros(int) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates an ndarray
complexZeros(int[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create an ndarray of ones
complexZeros(int, int) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a matrix of zeros
complexZeros(int) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an ndarray
complexZeros(int...) - Static method in class org.nd4j.linalg.factory.Nd4j
Create an ndarray of ones
complexZeros(int, int) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates a matrix of zeros
complexZeros(int) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates an ndarray
complexZeros(int[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create an ndarray of ones
compress(DataBuffer) - Method in class org.nd4j.linalg.compression.BasicNDArrayCompressor
Compress the given data buffer given the default compression algorithm
compress(DataBuffer, String) - Method in class org.nd4j.linalg.compression.BasicNDArrayCompressor
Compress the data buffer given a specified algorithm
compress(INDArray) - Method in class org.nd4j.linalg.compression.BasicNDArrayCompressor
 
compress(INDArray, String) - Method in class org.nd4j.linalg.compression.BasicNDArrayCompressor
Returns a compressed version of the given ndarray
compress(float[]) - Method in class org.nd4j.linalg.compression.BasicNDArrayCompressor
This method returns compressed INDArray instance which contains JVM array passed in
compress(double[]) - Method in class org.nd4j.linalg.compression.BasicNDArrayCompressor
This method returns compressed INDArray instance which contains JVM array passed in
compress(INDArray) - Method in interface org.nd4j.linalg.compression.NDArrayCompressor
This method returns compressed copy of referenced array
compress(DataBuffer) - Method in interface org.nd4j.linalg.compression.NDArrayCompressor
 
compress(float[]) - Method in interface org.nd4j.linalg.compression.NDArrayCompressor
This method creates compressed INDArray from Java float array, skipping usual INDArray instantiation routines Please note: This method compresses input data as vector
compress(double[]) - Method in interface org.nd4j.linalg.compression.NDArrayCompressor
This method creates compressed INDArray from Java double array, skipping usual INDArray instantiation routines Please note: This method compresses input data as vector
compress(float[], int[], char) - Method in interface org.nd4j.linalg.compression.NDArrayCompressor
This method creates compressed INDArray from Java float array, skipping usual INDArray instantiation routines
compress(double[], int[], char) - Method in interface org.nd4j.linalg.compression.NDArrayCompressor
This method creates compressed INDArray from Java double array, skipping usual INDArray instantiation routines
compressDebug - Static variable in class org.nd4j.linalg.factory.Nd4j
 
compressed - Variable in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
CompressedDataBuffer - Class in org.nd4j.linalg.compression
 
CompressedDataBuffer(Pointer, CompressionDescriptor) - Constructor for class org.nd4j.linalg.compression.CompressedDataBuffer
 
compressi(INDArray) - Method in class org.nd4j.linalg.compression.BasicNDArrayCompressor
In place compression of the passed in ndarray with the default compression algorithm
compressi(INDArray, String) - Method in class org.nd4j.linalg.compression.BasicNDArrayCompressor
In place Compress the given ndarray with the given algorithm
compressi(INDArray) - Method in interface org.nd4j.linalg.compression.NDArrayCompressor
Inplace compression of INDArray
COMPRESSION_BYTE_BUFFER_LENGTH - Static variable in class org.nd4j.linalg.compression.CompressionDescriptor
 
COMPRESSION_DEBUG - Static variable in class org.nd4j.linalg.factory.Nd4j
 
CompressionAlgorithm - Enum in org.nd4j.linalg.compression
Compression algorithm enum
compressionDescriptor - Variable in class org.nd4j.linalg.compression.CompressedDataBuffer
 
CompressionDescriptor - Class in org.nd4j.linalg.compression
A compression descriptor containing the compression type, compression algorithm, original length, compressed length, number of elements, and the original element size
CompressionDescriptor() - Constructor for class org.nd4j.linalg.compression.CompressionDescriptor
 
CompressionDescriptor(DataBuffer) - Constructor for class org.nd4j.linalg.compression.CompressionDescriptor
Create a compression descriptor from the given data buffer elements
CompressionDescriptor(DataBuffer, String) - Constructor for class org.nd4j.linalg.compression.CompressionDescriptor
Initialize a compression descriptor based on the given algorithm and data buffer
CompressionDescriptor(DataBuffer, NDArrayCompressor) - Constructor for class org.nd4j.linalg.compression.CompressionDescriptor
Initialize a compression descriptor based on the given data buffer (for the sizes) and the compressor to get the type
CompressionType - Enum in org.nd4j.linalg.compression
 
computeGradient(INDArray, INDArray, IActivation, INDArray) - Method in interface org.nd4j.linalg.lossfunctions.ILossFunction
Compute the gradient of the loss function with respect to the inputs: dL/dOutput
computeGradient(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossBinaryXENT
 
computeGradient(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossCosineProximity
 
computeGradient(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossFMeasure
 
computeGradient(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossHinge
 
computeGradient(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossKLD
 
computeGradient(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossL1
 
computeGradient(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossL2
 
computeGradient(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossMAE
 
computeGradient(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossMAPE
 
computeGradient(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossMCXENT
 
computeGradient(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossMixtureDensity
This method returns the gradient of the cost function with respect to the output from the previous layer.
computeGradient(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossMSE
 
computeGradient(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossMSLE
 
computeGradient(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossPoisson
 
computeGradient(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossSquaredHinge
 
computeGradientAndScore(INDArray, INDArray, IActivation, INDArray, boolean) - Method in interface org.nd4j.linalg.lossfunctions.ILossFunction
Compute both the score (loss function value) and gradient.
computeGradientAndScore(INDArray, INDArray, IActivation, INDArray, boolean) - Method in class org.nd4j.linalg.lossfunctions.impl.LossBinaryXENT
 
computeGradientAndScore(INDArray, INDArray, IActivation, INDArray, boolean) - Method in class org.nd4j.linalg.lossfunctions.impl.LossCosineProximity
 
computeGradientAndScore(INDArray, INDArray, IActivation, INDArray, boolean) - Method in class org.nd4j.linalg.lossfunctions.impl.LossFMeasure
 
computeGradientAndScore(INDArray, INDArray, IActivation, INDArray, boolean) - Method in class org.nd4j.linalg.lossfunctions.impl.LossHinge
 
computeGradientAndScore(INDArray, INDArray, IActivation, INDArray, boolean) - Method in class org.nd4j.linalg.lossfunctions.impl.LossKLD
 
computeGradientAndScore(INDArray, INDArray, IActivation, INDArray, boolean) - Method in class org.nd4j.linalg.lossfunctions.impl.LossL1
 
computeGradientAndScore(INDArray, INDArray, IActivation, INDArray, boolean) - Method in class org.nd4j.linalg.lossfunctions.impl.LossL2
 
computeGradientAndScore(INDArray, INDArray, IActivation, INDArray, boolean) - Method in class org.nd4j.linalg.lossfunctions.impl.LossMAPE
 
computeGradientAndScore(INDArray, INDArray, IActivation, INDArray, boolean) - Method in class org.nd4j.linalg.lossfunctions.impl.LossMCXENT
 
computeGradientAndScore(INDArray, INDArray, IActivation, INDArray, boolean) - Method in class org.nd4j.linalg.lossfunctions.impl.LossMixtureDensity
 
computeGradientAndScore(INDArray, INDArray, IActivation, INDArray, boolean) - Method in class org.nd4j.linalg.lossfunctions.impl.LossMSLE
 
computeGradientAndScore(INDArray, INDArray, IActivation, INDArray, boolean) - Method in class org.nd4j.linalg.lossfunctions.impl.LossPoisson
 
computeGradientAndScore(INDArray, INDArray, IActivation, INDArray, boolean) - Method in class org.nd4j.linalg.lossfunctions.impl.LossSquaredHinge
 
computeOut() - Method in class org.nd4j.linalg.api.shape.loop.four.RawArrayIterationInformation4
 
computeOut() - Method in class org.nd4j.linalg.api.shape.loop.one.RawArrayIterationInformation1
 
computeOut() - Method in class org.nd4j.linalg.api.shape.loop.three.RawArrayIterationInformation3
 
computeOut() - Method in class org.nd4j.linalg.api.shape.loop.two.RawArrayIterationInformation2
Resolve the new strides/shapes
computeScore(INDArray, INDArray, IActivation, INDArray, boolean) - Method in interface org.nd4j.linalg.lossfunctions.ILossFunction
Compute the score (loss function value) for the given inputs.
computeScore(INDArray, INDArray, IActivation, INDArray, boolean) - Method in class org.nd4j.linalg.lossfunctions.impl.LossBinaryXENT
 
computeScore(INDArray, INDArray, IActivation, INDArray, boolean) - Method in class org.nd4j.linalg.lossfunctions.impl.LossCosineProximity
 
computeScore(INDArray, INDArray, IActivation, INDArray, boolean) - Method in class org.nd4j.linalg.lossfunctions.impl.LossFMeasure
 
computeScore(INDArray, INDArray, IActivation, INDArray, boolean) - Method in class org.nd4j.linalg.lossfunctions.impl.LossHinge
 
computeScore(INDArray, INDArray, IActivation, INDArray, boolean) - Method in class org.nd4j.linalg.lossfunctions.impl.LossKLD
 
computeScore(INDArray, INDArray, IActivation, INDArray, boolean) - Method in class org.nd4j.linalg.lossfunctions.impl.LossL1
 
computeScore(INDArray, INDArray, IActivation, INDArray, boolean) - Method in class org.nd4j.linalg.lossfunctions.impl.LossL2
 
computeScore(INDArray, INDArray, IActivation, INDArray, boolean) - Method in class org.nd4j.linalg.lossfunctions.impl.LossMAE
 
computeScore(INDArray, INDArray, IActivation, INDArray, boolean) - Method in class org.nd4j.linalg.lossfunctions.impl.LossMAPE
 
computeScore(INDArray, INDArray, IActivation, INDArray, boolean) - Method in class org.nd4j.linalg.lossfunctions.impl.LossMCXENT
 
computeScore(INDArray, INDArray, IActivation, INDArray, boolean) - Method in class org.nd4j.linalg.lossfunctions.impl.LossMixtureDensity
Computes the aggregate score as a sum of all of the individual scores of each of the labels against each of the outputs of the network.
computeScore(INDArray, INDArray, IActivation, INDArray, boolean) - Method in class org.nd4j.linalg.lossfunctions.impl.LossMSE
 
computeScore(INDArray, INDArray, IActivation, INDArray, boolean) - Method in class org.nd4j.linalg.lossfunctions.impl.LossMSLE
 
computeScore(INDArray, INDArray, IActivation, INDArray, boolean) - Method in class org.nd4j.linalg.lossfunctions.impl.LossPoisson
 
computeScore(INDArray, INDArray, IActivation, INDArray, boolean) - Method in class org.nd4j.linalg.lossfunctions.impl.LossSquaredHinge
 
computeScoreArray(INDArray, INDArray, IActivation, INDArray) - Method in interface org.nd4j.linalg.lossfunctions.ILossFunction
Compute the score (loss function value) for each example individually.
computeScoreArray(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossBinaryXENT
 
computeScoreArray(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossCosineProximity
 
computeScoreArray(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossFMeasure
 
computeScoreArray(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossHinge
 
computeScoreArray(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossKLD
 
computeScoreArray(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossL1
 
computeScoreArray(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossL2
 
computeScoreArray(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossMAE
 
computeScoreArray(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossMAPE
 
computeScoreArray(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossMCXENT
 
computeScoreArray(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossMixtureDensity
This method returns the score for each of the given outputs against the given set of labels.
computeScoreArray(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossMSE
 
computeScoreArray(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossMSLE
 
computeScoreArray(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossPoisson
 
computeScoreArray(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossSquaredHinge
 
concat(int, INDArray...) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
concatenate ndarrays along a dimension
concat(int, IComplexNDArray...) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
concatenate ndarrays along a dimension
concat(int, INDArray...) - Static method in class org.nd4j.linalg.factory.Nd4j
Concatneate ndarrays along a dimension
concat(int, IComplexNDArray...) - Static method in class org.nd4j.linalg.factory.Nd4j
Concatneate ndarrays along a dimension
concat(int, INDArray...) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Concatneate ndarrays along a dimension
concat(int, IComplexNDArray...) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Concatneate ndarrays along a dimension
cond(Condition) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
cond(Condition) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
1 in an ndarray when condition is fulfilled, 0 otherwise(copying)(
cond(Condition) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
cond(Condition) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
1 in the ndarray if the element matches the condition 0 otherwise
condi(Condition) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
condi(Condition) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
1 in an ndarray when condition is fulfilled, 0 otherwise(copying)(
condi(Condition) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
condi(Condition) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
In-place: 1 in the ndarray if the element matches the condition 0 otherwise
condition - Variable in class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
condition - Variable in class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
Condition - Interface in org.nd4j.linalg.indexing.conditions
Condition for boolean indexing
ConditionBuilder - Class in org.nd4j.linalg.indexing.conditions
Mini dsl for building conditions
ConditionBuilder() - Constructor for class org.nd4j.linalg.indexing.conditions.ConditionBuilder
 
ConditionEquals - Class in org.nd4j.linalg.indexing.conditions
Returns true when all of the conditions equal each other
ConditionEquals(Condition...) - Constructor for class org.nd4j.linalg.indexing.conditions.ConditionEquals
 
Conditions - Class in org.nd4j.linalg.indexing.conditions
Static class for conditions
Conditions() - Constructor for class org.nd4j.linalg.indexing.conditions.Conditions
 
condtionNum() - Method in class org.nd4j.linalg.indexing.conditions.AbsValueGreaterOrEqualsThan
Returns condition ID for native side
condtionNum() - Method in class org.nd4j.linalg.indexing.conditions.AbsValueGreaterThan
Returns condition ID for native side
condtionNum() - Method in class org.nd4j.linalg.indexing.conditions.AbsValueLessOrEqualsThan
Returns condition ID for native side
condtionNum() - Method in class org.nd4j.linalg.indexing.conditions.AbsValueLessThan
Returns condition ID for native side
condtionNum() - Method in class org.nd4j.linalg.indexing.conditions.And
Returns condition ID for native side
condtionNum() - Method in interface org.nd4j.linalg.indexing.conditions.Condition
Returns condition ID for native side
condtionNum() - Method in class org.nd4j.linalg.indexing.conditions.ConditionEquals
Returns condition ID for native side
condtionNum() - Method in class org.nd4j.linalg.indexing.conditions.EpsilonEquals
Returns condition ID for native side
condtionNum() - Method in class org.nd4j.linalg.indexing.conditions.EpsilonNotEquals
Returns condition ID for native side
condtionNum() - Method in class org.nd4j.linalg.indexing.conditions.EqualsCondition
Returns condition ID for native side
condtionNum() - Method in class org.nd4j.linalg.indexing.conditions.GreaterThan
Returns condition ID for native side
condtionNum() - Method in class org.nd4j.linalg.indexing.conditions.GreaterThanOrEqual
Returns condition ID for native side
condtionNum() - Method in class org.nd4j.linalg.indexing.conditions.IsInfinite
Returns condition ID for native side
condtionNum() - Method in class org.nd4j.linalg.indexing.conditions.IsNaN
Returns condition ID for native side
condtionNum() - Method in class org.nd4j.linalg.indexing.conditions.LessThan
Returns condition ID for native side
condtionNum() - Method in class org.nd4j.linalg.indexing.conditions.LessThanOrEqual
Returns condition ID for native side
condtionNum() - Method in class org.nd4j.linalg.indexing.conditions.Not
Returns condition ID for native side
condtionNum() - Method in class org.nd4j.linalg.indexing.conditions.NotEqualsCondition
Returns condition ID for native side
condtionNum() - Method in class org.nd4j.linalg.indexing.conditions.Or
Returns condition ID for native side
configure(Object...) - Method in interface org.nd4j.linalg.compression.NDArrayCompressor
This method allows to pass compressor-dependent configuration options to this compressor PLEASE NOTE: Each compressor has own options, please check corresponding implementations javadoc
conj() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Compute complex conj.
conj() - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Compute complex conj.
conji() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Compute complex conj (in-place).
conji() - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Compute complex conj (in-place).
CONSTANT_PROVIDER - Static variable in class org.nd4j.linalg.factory.Nd4j
 
ConstantHandler - Interface in org.nd4j.linalg.cache
This interface describes memory reuse strategy for java-originated arrays.
constantHandler - Static variable in class org.nd4j.linalg.factory.Nd4j
 
constantProviderClazz - Static variable in class org.nd4j.linalg.factory.Nd4j
 
consume(StackDescriptor, int) - Method in class org.nd4j.linalg.profiler.data.primitives.StackNode
 
consume(StackDescriptor, int, long) - Method in class org.nd4j.linalg.profiler.data.primitives.StackNode
 
consumeStackTrace(StackDescriptor) - Method in class org.nd4j.linalg.profiler.data.primitives.StackTree
 
consumeStackTrace(StackDescriptor, long) - Method in class org.nd4j.linalg.profiler.data.primitives.StackTree
 
contains(String) - Method in interface org.nd4j.linalg.dataset.api.iterator.cache.DataSetCache
 
contains(String) - Method in class org.nd4j.linalg.dataset.api.iterator.cache.InFileAndMemoryDataSetCache
 
contains(String) - Method in class org.nd4j.linalg.dataset.api.iterator.cache.InFileDataSetCache
 
contains(String) - Method in class org.nd4j.linalg.dataset.api.iterator.cache.InMemoryDataSetCache
 
containsKey(T) - Method in interface org.nd4j.linalg.compression.AbstractStorage
This method checks, if storage contains specified key
contentEquals(int[], DataBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
Compare the contents of a buffer and an array for equals
contentEquals(int[], IntBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
Compare the contents of a buffer and an array for equals
conv2d(INDArray, INDArray, Convolution.Type) - Method in class org.nd4j.linalg.convolution.BaseConvolution
2d convolution (aka the last 2 dimensions
conv2d(IComplexNDArray, IComplexNDArray, Convolution.Type) - Method in class org.nd4j.linalg.convolution.BaseConvolution
 
conv2d(INDArray, INDArray, Convolution.Type) - Static method in class org.nd4j.linalg.convolution.Convolution
2d convolution (aka the last 2 dimensions
conv2d(IComplexNDArray, IComplexNDArray, Convolution.Type) - Static method in class org.nd4j.linalg.convolution.Convolution
 
conv2d(INDArray, INDArray, Convolution.Type) - Method in interface org.nd4j.linalg.convolution.ConvolutionInstance
2d convolution (aka the last 2 dimensions
conv2d(IComplexNDArray, IComplexNDArray, Convolution.Type) - Method in interface org.nd4j.linalg.convolution.ConvolutionInstance
 
convertBackToFeatures(INDArray) - Method in class org.nd4j.linalg.dimensionalityreduction.PCA
Take the data that has been transformed to the principal components about the mean and transform it back into the original feature set.
convertDataEx(DataBuffer.TypeEx, INDArray, DataBuffer.TypeEx) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
convertDataEx(DataBuffer.TypeEx, DataBuffer, DataBuffer.TypeEx) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
convertDataEx(DataBuffer.TypeEx, DataBuffer, DataBuffer.TypeEx, DataBuffer) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
convertDataEx(DataBuffer.TypeEx, Pointer, DataBuffer.TypeEx, Pointer, long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
convertFromApacheMatrix(RealMatrix) - Static method in class org.nd4j.linalg.checkutil.CheckUtil
 
convertToApacheMatrix(INDArray) - Static method in class org.nd4j.linalg.checkutil.CheckUtil
 
convertToComponents(INDArray) - Method in class org.nd4j.linalg.dimensionalityreduction.PCA
Takes a set of data on each row, with the same number of features as the constructing data and returns the data in the coordinates of the basis set about the mean.
convn(INDArray, INDArray, Convolution.Type) - Method in class org.nd4j.linalg.convolution.BaseConvolution
ND Convolution
convn(IComplexNDArray, IComplexNDArray, Convolution.Type) - Method in class org.nd4j.linalg.convolution.BaseConvolution
ND Convolution
convn(INDArray, INDArray, Convolution.Type, int[]) - Static method in class org.nd4j.linalg.convolution.Convolution
ND Convolution
convn(IComplexNDArray, IComplexNDArray, Convolution.Type, int[]) - Static method in class org.nd4j.linalg.convolution.Convolution
ND Convolution
convn(INDArray, INDArray, Convolution.Type) - Static method in class org.nd4j.linalg.convolution.Convolution
ND Convolution
convn(IComplexNDArray, IComplexNDArray, Convolution.Type) - Static method in class org.nd4j.linalg.convolution.Convolution
ND Convolution
convn(INDArray, INDArray, Convolution.Type, int[]) - Method in interface org.nd4j.linalg.convolution.ConvolutionInstance
ND Convolution
convn(IComplexNDArray, IComplexNDArray, Convolution.Type, int[]) - Method in interface org.nd4j.linalg.convolution.ConvolutionInstance
ND Convolution
convn(INDArray, INDArray, Convolution.Type) - Method in interface org.nd4j.linalg.convolution.ConvolutionInstance
ND Convolution
convn(IComplexNDArray, IComplexNDArray, Convolution.Type) - Method in interface org.nd4j.linalg.convolution.ConvolutionInstance
ND Convolution
convn(IComplexNDArray, IComplexNDArray, Convolution.Type, int[]) - Method in class org.nd4j.linalg.convolution.DefaultConvolutionInstance
ND Convolution
convn(INDArray, INDArray, Convolution.Type, int[]) - Method in class org.nd4j.linalg.convolution.DefaultConvolutionInstance
ND Convolution
Convolution - Class in org.nd4j.linalg.convolution
Convolution is the code for applying the convolution operator.
Convolution.Type - Enum in org.nd4j.linalg.convolution
 
CONVOLUTION_INSTANCE - Static variable in class org.nd4j.linalg.factory.Nd4j
 
CONVOLUTION_OPS - Static variable in class org.nd4j.linalg.factory.Nd4j
 
ConvolutionInstance - Interface in org.nd4j.linalg.convolution
Convolution instance.
convolutionInstanceClazz - Static variable in class org.nd4j.linalg.factory.Nd4j
 
CoordinateFunction - Interface in org.nd4j.linalg.api.shape.loop.coordinatefunction
Coordinate function for handling 1 or more calls based on a set of coordinates
copy(INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
swaps a vector with another vector.
copy(int, DataBuffer, int, int, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
copy a vector to another vector.
copy(IComplexNDArray, IComplexNDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
copy a vector to another vector.
copy(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.blas.Level1
copy a vector to another vector.
copy(int, DataBuffer, int, int, DataBuffer, int, int) - Method in interface org.nd4j.linalg.api.blas.Level1
copy a vector to another vector.
copy(IComplexNDArray, IComplexNDArray) - Method in interface org.nd4j.linalg.api.blas.Level1
 
copy() - Method in interface org.nd4j.linalg.dataset.api.DataSet
Create a copy of the DataSet
copy() - Method in interface org.nd4j.linalg.dataset.api.MultiDataSet
Clone the dataset
copy() - Method in class org.nd4j.linalg.dataset.DataSet
Clone the dataset
copy() - Method in class org.nd4j.linalg.dataset.MultiDataSet
Clone the dataset
copy(INDArray, INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
copy(IComplexNDArray, IComplexNDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
copy(INDArray, INDArray) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Copy a to b
copy(INDArray, INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Compute y <- x (copy a matrix)
copy(IComplexNDArray, IComplexNDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
 
copy(INDArray, INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
Copy a to b
copy(INDArray, INDArray) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Copy a to b
COPY_OPS - Static variable in class org.nd4j.linalg.factory.Nd4j
 
CopyCoordinateFunction - Class in org.nd4j.linalg.api.shape.loop.coordinatefunction
Created by agibsonccc on 9/15/15.
CopyCoordinateFunction(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.shape.loop.coordinatefunction.CopyCoordinateFunction
 
copyFromReal(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
copyImagTo(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Copy imaginary numbers to the given ndarray
CopyLoopFunction - Class in org.nd4j.linalg.api.shape.loop.two
Created by agibsonccc on 9/14/15.
CopyLoopFunction() - Constructor for class org.nd4j.linalg.api.shape.loop.two.CopyLoopFunction
 
copyOnOps - Static variable in class org.nd4j.linalg.factory.Nd4j
 
CopyOp - Class in org.nd4j.linalg.api.ops.impl.transforms.arithmetic
Copy operation
CopyOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.CopyOp
 
CopyOp(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.CopyOp
 
CopyOp(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.CopyOp
 
CopyOp(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.CopyOp
 
CopyOp(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.CopyOp
 
CopyOp(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.CopyOp
 
copyRealTo(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Copy real numbers to arr
cOrFortranOrder(int[], int[], int) - Static method in class org.nd4j.linalg.api.shape.Shape
Infer order from
Cos - Class in org.nd4j.linalg.api.ops.impl.transforms
Cosine elementwise function
Cos() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Cos
 
Cos(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Cos
 
Cos(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Cos
 
Cos(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Cos
 
Cos(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Cos
 
cos(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
cos(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
cos(IComplexNumber) - Static method in class org.nd4j.linalg.util.ComplexUtil
Return the cos of a complex number
Cosh - Class in org.nd4j.linalg.api.ops.impl.transforms
Cosine Hyperbolic elementwise function
Cosh() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Cosh
 
Cosh(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Cosh
 
Cosh(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Cosh
 
Cosh(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Cosh
 
Cosh(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Cosh
 
cosh(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
cosh(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
CosineDistance - Class in org.nd4j.linalg.api.ops.impl.accum.distances
Cosine distance Note that you need to initialize a scaling constant equal to the norm2 of the vector
CosineDistance() - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.CosineDistance
 
CosineDistance(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.CosineDistance
 
CosineDistance(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.CosineDistance
 
CosineDistance(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.CosineDistance
 
CosineDistance(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.CosineDistance
 
CosineDistance(INDArray, INDArray, INDArray, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.CosineDistance
 
CosineDistance(INDArray, INDArray, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.CosineDistance
 
cosineDistance(INDArray, INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
cosineSim(INDArray, INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Cosine similarity
CosineSimilarity - Class in org.nd4j.linalg.api.ops.impl.accum.distances
Cosine similarity Note that you need to initialize a scaling constant equal to the norm2 of the vector
CosineSimilarity() - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.CosineSimilarity
 
CosineSimilarity(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.CosineSimilarity
 
CosineSimilarity(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.CosineSimilarity
 
CosineSimilarity(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.CosineSimilarity
 
CosineSimilarity(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.CosineSimilarity
 
CosineSimilarity(INDArray, INDArray, INDArray, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.CosineSimilarity
 
CosineSimilarity(INDArray, INDArray, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.CosineSimilarity
 
counter - Variable in class org.nd4j.linalg.profiler.data.primitives.StackNode
 
covarianceMatrix(INDArray) - Static method in class org.nd4j.linalg.dimensionalityreduction.PCA
Returns the covariance matrix of a data set of many records, each with N features.
CPU_CORES_KEY - Static variable in class org.nd4j.linalg.api.environment.Nd4jEnvironment
 
create(DataBuffer, int[], int[]) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
create(BaseNDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
create(int[]) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
create(int[], int[], long) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
create(DataBuffer, int[], int[], long, char) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
create(DataBuffer, int[], int[], long) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
create(int[], char) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
create(DataBuffer) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
create(int, int) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
create(DataBuffer, int[], long) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
create(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
create(DataBuffer, int[], long) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
create(DataBuffer, int[], int[], long, char) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
create(DataBuffer, int[], int[], long) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
create(int[]) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
create(int[], int[], long) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
create(DataBuffer) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
create(int[], char) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
create(DataBuffer, int[], int[]) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
create(int, int) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
create(BaseNDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
create(int[]) - Static method in class org.nd4j.linalg.api.shape.StridePermutation
Create an array of these from the given stride
create(long) - Method in class org.nd4j.linalg.compression.CompressedDataBuffer
Create with length
create(double[]) - Method in class org.nd4j.linalg.compression.CompressedDataBuffer
Create the data buffer with respect to the given byte buffer
create(float[]) - Method in class org.nd4j.linalg.compression.CompressedDataBuffer
Create the data buffer with respect to the given byte buffer
create(int[]) - Method in class org.nd4j.linalg.compression.CompressedDataBuffer
Create the data buffer with respect to the given byte buffer
create() - Method in interface org.nd4j.linalg.dataset.api.iterator.DataSetIteratorFactory
 
create() - Method in interface org.nd4j.linalg.dataset.api.iterator.MultiDataSetIteratorFactory
create(int[], DataBuffer.Type) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
create(int[], int[], int[], long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
create(int, int, char) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
create(double[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates a row vector with the data
create(float[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates a row vector with the data
create(int) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates a row vector with the specified number of columns
create(int[], int[], long, char) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
create(float[], int[], char) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
create(float[], int, int, int[], long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates an ndarray with the specified shape
create(float[], int[], int[], long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates an ndarray with the specified shape
create(double[], int[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create an ndrray with the specified shape
create(float[], int[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create an ndrray with the specified shape
create(double[], int, int, int[], long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates an ndarray with the specified shape
create(double[], int[], int[], long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates an ndarray with the specified shape
create(List<INDArray>, int[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates an ndarray with the specified shape
create(int, int, int[], long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates an ndarray with the specified shape
create(int[], int[], long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates an ndarray with the specified shape
create(int, int, int[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates an ndarray with the specified shape
create(int[], int[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates an ndarray with the specified shape
create(int, int) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates an ndarray with the specified shape
create(int[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates an ndarray with the specified shape
create(float[], int[], long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
create(float[], char) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
create(float[], int[], int[], char, long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
create(double[], char) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
create(double[], int[], int[], char, long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
create(DataBuffer, int[], int[], char, long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
create(int[], int[], int[], char, long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
create(int[], float[]...) - Static method in class org.nd4j.linalg.factory.Nd4j
Create an ndarray based on the given data
create(int[], double[]...) - Static method in class org.nd4j.linalg.factory.Nd4j
Create an ndarray based on the given data
create(float[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a row vector with the data
create(double[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a row vector with the data
create(float[][]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(float[][], char) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(double[][]) - Static method in class org.nd4j.linalg.factory.Nd4j
Create an ndarray based on the given data layout
create(double[][], char) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(int) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a row vector with the specified number of columns
create(float[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a row vector with the data
create(double[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a row vector with the data
create(int, char) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a row vector with the specified number of columns
create(float[], int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Create an ndrray with the specified shape
create(double[], int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Create an ndrray with the specified shape
create(double[], int[], int[], long) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an ndarray with the specified shape
create(float[], int, int, int[], long) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an ndarray with the specified shape
create(double[], int, int, int[], long) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an ndarray with the specified shape
create(float[], int[], long) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an ndarray with the specified shape
create(double[], int[], long, char) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an ndarray with the specified shape
create(float[], int[], int[], long) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an ndarray with the specified shape
create(List<INDArray>, int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an ndarray with the specified shape
create(int, int, int[], long) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an ndarray with the specified shape
create(int[], int[], long) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an ndarray with the specified shape
create(int, int, int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an ndarray with the specified shape
create(int[], int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an ndarray with the specified shape
create(int, int) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an ndarray with the specified shape
create(int...) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an ndarray with the specified shape
create(float[], int[], int[], char, long) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(float[], int[], char, long) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(DataBuffer, int[], int[], long) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(DataBuffer, int[], long) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(DataBuffer, int[], int[], long, char) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(DataBuffer, int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(DataBuffer) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(float[], int, int, int[], long, char) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an ndarray with the specified shape
create(int[], DataBuffer.Type) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(double[], int[], int[], long, char) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an ndarray with the specified shape
create(double[], int[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
Create an ndrray with the specified shape
create(float[], int[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
Create an ndrray with the specified shape
create(double[], int, int, int[], long, char) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an ndarray with the specified shape
create(float[], int[], int[], long, char) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an ndarray with the specified shape
create(List<INDArray>, int[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an ndarray with the specified shape
create(int, int, int[], long, char) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an ndarray with the specified shape
create(int[], int[], long, char) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an ndarray with the specified shape
create(int, int, int[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an ndarray with the specified shape
create(int[], int[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an ndarray with the specified shape
create(int, int, char) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an ndarray with the specified shape
create(int[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an ndarray with the specified shape
create(double[], int[], long) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(int[], DataBuffer) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create an ndarray with the given shape and data
create(double[][]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create an ndarray with the given data layout
create(double[][], char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(double[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates a row vector with the data
create(float[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates a row vector with the data
create(DataBuffer) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates a row vector with the data
create(int) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates a row vector with the specified number of columns
create(DataBuffer, int, int, int[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates an ndarray with the specified shape
create(float[], int, int, int[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(float[], int[], int[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates an ndarray with the specified shape
create(double[], int[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create an ndrray with the specified shape
create(float[], int[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create an ndrray with the specified shape
create(double[], int, int, int[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates an ndarray with the specified shape
create(double[], int[], int[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates an ndarray with the specified shape
create(DataBuffer, int[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create an ndrray with the specified shape
create(DataBuffer, int[], int[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates an ndarray with the specified shape
create(List<INDArray>, int[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates an ndarray with the specified shape
create(int, int, int[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates an ndarray with the specified shape
create(int[], int[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates an ndarray with the specified shape
create(int, int, int[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates an ndarray with the specified shape
create(int[], int[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates an ndarray with the specified shape
create(int, int) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates an ndarray with the specified shape
create(int[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates an ndarray with the specified shape
create(float[], int[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(float[], int[], char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(float[][]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(float[][], char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(float[], int[], int[], long, char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(DataBuffer, int[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(int[], char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(DataBuffer, int[], int[], long, char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(float[], int[], long, Character) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(float[], int, int, int[], long, char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(double[], int[], char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(List<INDArray>, int[], char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(double[], int[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(double[], int[], int[], long, char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(int[], int[], int[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(int[], int[], int[], char, long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(int, int, char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(int[], DataBuffer.Type) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(float[], char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(float[], int[], int[], char, long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(DataBuffer, int[], int[], char, long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(double[], char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(double[], int[], int[], char, long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(int[], int[], long, char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(INDArray) - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
Create from a matrix.
createAccum(String, INDArray) - Method in class org.nd4j.linalg.api.ops.factory.DefaultOpFactory
 
createAccum(String, INDArray, INDArray, INDArray) - Method in class org.nd4j.linalg.api.ops.factory.DefaultOpFactory
 
createAccum(String, INDArray, INDArray, INDArray, Object[]) - Method in class org.nd4j.linalg.api.ops.factory.DefaultOpFactory
 
createAccum(String, INDArray, INDArray) - Method in class org.nd4j.linalg.api.ops.factory.DefaultOpFactory
 
createAccum(String, INDArray) - Method in interface org.nd4j.linalg.api.ops.factory.OpFactory
Accumulation operation
createAccum(String, INDArray, INDArray, INDArray) - Method in interface org.nd4j.linalg.api.ops.factory.OpFactory
Accumulation operation
createAccum(String, INDArray, INDArray, INDArray, Object[]) - Method in interface org.nd4j.linalg.api.ops.factory.OpFactory
 
createAccum(String, INDArray, INDArray) - Method in interface org.nd4j.linalg.api.ops.factory.OpFactory
 
createArrayFromShapeBuffer(DataBuffer, DataBuffer) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createArrayFromShapeBuffer(DataBuffer, Pair<DataBuffer, int[]>) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createBinomial(int, INDArray) - Method in class org.nd4j.linalg.api.rng.distribution.factory.DefaultDistributionFactory
 
createBinomial(int, double) - Method in class org.nd4j.linalg.api.rng.distribution.factory.DefaultDistributionFactory
 
createBinomial(int, INDArray) - Method in interface org.nd4j.linalg.api.rng.distribution.factory.DistributionFactory
Create a distribution
createBinomial(int, double) - Method in interface org.nd4j.linalg.api.rng.distribution.factory.DistributionFactory
Create a distribution
createBlas() - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create blas
createBroadcastOp(String, INDArray, INDArray, INDArray, int...) - Method in class org.nd4j.linalg.api.ops.factory.DefaultOpFactory
 
createBroadcastOp(String, INDArray, INDArray, INDArray, Object[], int...) - Method in class org.nd4j.linalg.api.ops.factory.DefaultOpFactory
 
createBroadcastOp(String, INDArray, INDArray, int...) - Method in class org.nd4j.linalg.api.ops.factory.DefaultOpFactory
 
createBroadcastOp(String, INDArray, INDArray, INDArray, int...) - Method in interface org.nd4j.linalg.api.ops.factory.OpFactory
Create a vector operation
createBroadcastOp(String, INDArray, INDArray, INDArray, Object[], int...) - Method in interface org.nd4j.linalg.api.ops.factory.OpFactory
 
createBroadcastOp(String, INDArray, INDArray, int...) - Method in interface org.nd4j.linalg.api.ops.factory.OpFactory
Create a vector operation
createBuffer(DataBuffer, long, long) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a view of a data buffer that leverages the underlying storage of the buffer with a new view
createBuffer(int[], DataBuffer.Type, long) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a buffer equal of length prod(shape)
createBuffer(ByteBuffer, DataBuffer.Type, int, long) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a buffer of the specified type and length with the given byte buffer.
createBuffer(byte[], int, long) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a buffer based on the data type
createBuffer(int[], long) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a buffer equal of length prod(shape)
createBuffer(int, long) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a buffer of the specified length based on the data type
createBuffer(DoublePointer, long) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a double data type buffer of the specified length
createBuffer(FloatPointer, long) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a float type data buffer of the given length
createBuffer(IntPointer, long) - Static method in class org.nd4j.linalg.factory.Nd4j
Create an int data buffer from the given pointer and the given length
createBuffer(float[], long) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a buffer based on the data type
createBuffer(double[], long) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a buffer based on the data type
createBuffer(int[], DataBuffer.Type) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a buffer equal of length prod(shape)
createBuffer(ByteBuffer, DataBuffer.Type, int) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a buffer of the specified type and length with the given byte buffer.
createBuffer(byte[], int) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a buffer based on the data type
createBuffer(int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a buffer equal of length prod(shape)
createBuffer(long) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a buffer of the specified length based on the data type
createBuffer(Pointer, DataBuffer.Type, long, Indexer) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a data buffer based on a pointer with the given type and length
createBuffer(long, boolean) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createBuffer(float[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a buffer based on the data type
createBuffer(double[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a buffer based on the data type
createBufferDetached(int[], DataBuffer.Type) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createBufferDetached(int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a buffer equal of length prod(shape).
createBufferDetached(float[]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createBufferDetached(double[]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createComplex(int[], int[], int[], long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
createComplex(INDArray) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create a complex ndarray from the passed in indarray
createComplex(IComplexNumber[], int[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create a complex ndarray from the passed in indarray
createComplex(List<IComplexNDArray>, int[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create a complex ndarray from the passed in indarray
createComplex(double[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates an ndarray with the specified data
createComplex(int) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates an ndarray
createComplex(int[], int[], long, char) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
createComplex(float[], int, int, int[], long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates a complex ndarray with the specified shape
createComplex(float[], int[], int[], long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates a complex ndarray with the specified shape
createComplex(double[], int[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create an ndrray with the specified shape
createComplex(float[], int[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create an ndrray with the specified shape
createComplex(double[], int[], int[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create an ndrray with the specified shape
createComplex(float[], int[], int[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create an ndrray with the specified shape
createComplex(double[], int, int, int[], long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates a complex ndarray with the specified shape
createComplex(double[], int[], int[], long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates a complex ndarray with the specified shape
createComplex(int, int, int[], long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates a complex ndarray with the specified shape
createComplex(int[], int[], long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates a complex ndarray with the specified shape
createComplex(int, int, int[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates a complex ndarray with the specified shape
createComplex(int[], int[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates a complex ndarray with the specified shape
createComplex(int, int) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates a complex ndarray with the specified shape
createComplex(int[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates a complex ndarray with the specified shape
createComplex(double[], int[], int[], long, char) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create a complex ndarray with the given data
createComplex(double[], int[], long, char) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
createComplex(double[], int[], long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
createComplex(float[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an ndarray with the specified data
createComplex(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a complex ndarray from the passed in indarray
createComplex(int) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an ndarray
createComplex(INDArray, INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a complex ndarray based on the real and imaginary
createComplex(IComplexNumber[], int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a complex ndarray from the passed in indarray
createComplex(List<IComplexNDArray>, int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a complex ndarray from the passed in indarray
createComplex(double[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an ndarray with the specified data
createComplex(int, char) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an ndarray
createComplex(IComplexNumber[], int[], long, char) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a complex ndarray from the passed in indarray
createComplex(float[], int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Create an ndrray with the specified shape
createComplex(double[], int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Create an ndrray with the specified shape
createComplex(float[], int[], int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Create an ndrray with the specified shape
createComplex(double[], int[], int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Create an ndrray with the specified shape
createComplex(float[], int[], int[], long) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a complex ndarray with the specified shape
createComplex(double[], int[], int[], long) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a complex ndarray with the specified shape
createComplex(float[], int, int, int[], long) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a complex ndarray with the specified shape
createComplex(double[], int, int, int[], long) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a complex ndarray with the specified shape
createComplex(int, int, int[], long) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a complex ndarray with the specified shape
createComplex(int[], int[], long) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a complex ndarray with the specified shape
createComplex(int, int, int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a complex ndarray with the specified shape
createComplex(int[], int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a complex ndarray with the specified shape
createComplex(int, int) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a complex ndarray with the specified shape
createComplex(int...) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a complex ndarray with the specified shape
createComplex(DataBuffer, int[], int[], long) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createComplex(DataBuffer, int[], long) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createComplex(DataBuffer, int[], int[], long, char) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createComplex(DataBuffer, int[], long, char) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createComplex(DataBuffer, int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createComplex(IComplexNumber[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a complex array from the given numbers
createComplex(IComplexNumber[][]) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a complex ndarray based on the specified matrices
createComplex(float[], int, int, int[], long, char) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a complex ndarray with the specified shape
createComplex(float[], int[], int[], long, char) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a complex ndarray with the specified shape
createComplex(float[], int[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
Create an ndrray with the specified shape
createComplex(double[], int[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
Create an ndrray with the specified shape
createComplex(float[], int[], int[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
Create an ndrray with the specified shape
createComplex(double[], int[], int[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
Create an ndrray with the specified shape
createComplex(double[], int, int, int[], long, char) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a complex ndarray with the specified shape
createComplex(double[], int[], int[], long, char) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a complex ndarray with the specified shape
createComplex(int, int, int[], long, char) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a complex ndarray with the specified shape
createComplex(int[], int[], long, char) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a complex ndarray with the specified shape
createComplex(int, int, int[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a complex ndarray with the specified shape
createComplex(int[], int[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a complex ndarray with the specified shape
createComplex(int, int, char) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a complex ndarray with the specified shape
createComplex(int[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a complex ndarray with the specified shape
createComplex(float[], int[], long, char) - Static method in class org.nd4j.linalg.factory.Nd4j
Create complex ndarray
createComplex(double[], int[], long) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createComplex(double[], int[], long, char) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createComplex(double[]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createComplex(float[], int[], long) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createComplex(int, int, int[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates a complex ndarray with the specified shape
createComplex(INDArray) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create a complex ndarray from the passed in indarray
createComplex(IComplexNumber[], int[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create a complex ndarray from the passed in indarray
createComplex(List<IComplexNDArray>, int[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create a complex ndarray from the passed in indarray
createComplex(double[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates an ndarray with the specified data
createComplex(DataBuffer) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates an ndarray with the specified data
createComplex(int) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates an ndarray
createComplex(float[], int, int, int[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates a complex ndarray with the specified shape
createComplex(DataBuffer, int, int, int[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates a complex ndarray with the specified shape
createComplex(DataBuffer, int[], int[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates a complex ndarray with the specified shape
createComplex(IComplexNumber[], int[], int[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates a complex ndarray with the specified shape
createComplex(IComplexNumber[], int[], int[], long, char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates a complex ndarray with the specified shape
createComplex(IComplexNumber[], int[], int[], char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates a complex ndarray with the specified shape
createComplex(IComplexNumber[], int[], long, char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates a complex ndarray with the specified shape
createComplex(IComplexNumber[], int[], char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates a complex ndarray with the specified shape
createComplex(double[], int[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create an ndrray with the specified shape
createComplex(float[], int[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create an ndrray with the specified shape
createComplex(double[], int[], int[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create an ndrray with the specified shape
createComplex(float[], int[], int[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create an ndrray with the specified shape
createComplex(double[], int, int, int[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates a complex ndarray with the specified shape
createComplex(double[], int[], int[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates a complex ndarray with the specified shape
createComplex(DataBuffer, int[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create an ndrray with the specified shape
createComplex(DataBuffer, int[], int[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create an ndrray with the specified shape
createComplex(int[], int[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates a complex ndarray with the specified shape
createComplex(int, int, int[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates a complex ndarray with the specified shape
createComplex(int[], int[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates a complex ndarray with the specified shape
createComplex(int, int) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates a complex ndarray with the specified shape
createComplex(int[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates a complex ndarray with the specified shape
createComplex(double[], int[], int[], long, char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create a complex ndarray with the given data
createComplex(double[], int[], long, char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
createComplex(DataBuffer, int[], long, char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
createComplex(double[], int[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
createComplex(DataBuffer, int[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
createComplex(float[], int[], long, char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
createComplex(float[], int[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
createComplex(float[], int[], int[], long, char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
createComplex(float[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
createComplex(float[], int[], int[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
createComplex(DataBuffer, int[], int[], long, char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
createComplex(float[], Character) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
createComplex(int[], int[], int[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
createComplex(int[], int[], long, char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
createComplexNumber(Number, Number) - Static method in class org.nd4j.linalg.factory.Nd4j
Create double based on real and imaginary
createCoveringShape(int[]) - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
Creates an index covering the given shape (for each dimension 0,shape[i])
CREATED - Static variable in interface org.nd4j.linalg.api.instrumentation.Instrumentation
 
createDouble(double, double) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create an instance of a complex double
createDouble(double, double) - Static method in class org.nd4j.linalg.factory.Nd4j
Create an instance of a complex double
createDouble(double, double) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create an instance of a complex double
createFloat(float, float) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create float
createFloat(float, float) - Static method in class org.nd4j.linalg.factory.Nd4j
Create double
createFloat(float, float) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create float
createFromNpyFile(File) - Static method in class org.nd4j.linalg.factory.Nd4j
Create from a given numpy file.
createFromNpyFile(File) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create from a given numpy file.
createFromNpyPointer(Pointer) - Static method in class org.nd4j.linalg.factory.Nd4j
Create from an in memory numpy pointer
createFromNpyPointer(Pointer) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create from an in memory numpy pointer
createFromStartAndEnd(INDArray, INDArray) - Static method in class org.nd4j.linalg.indexing.Indices
Create an n dimensional index based on the given interval indices.
createFromStartAndEnd(INDArray, INDArray, boolean) - Static method in class org.nd4j.linalg.indexing.Indices
Create indices representing intervals along each dimension
createIndexAccum(String, INDArray, INDArray, INDArray, Object[]) - Method in class org.nd4j.linalg.api.ops.factory.DefaultOpFactory
 
createIndexAccum(String, INDArray) - Method in class org.nd4j.linalg.api.ops.factory.DefaultOpFactory
 
createIndexAccum(String, INDArray, INDArray) - Method in class org.nd4j.linalg.api.ops.factory.DefaultOpFactory
 
createIndexAccum(String, INDArray, INDArray, INDArray, Object[]) - Method in interface org.nd4j.linalg.api.ops.factory.OpFactory
 
createIndexAccum(String, INDArray) - Method in interface org.nd4j.linalg.api.ops.factory.OpFactory
 
createIndexAccum(String, INDArray, INDArray) - Method in interface org.nd4j.linalg.api.ops.factory.OpFactory
Index accumulation operation
createInputMatrix(int) - Method in class org.nd4j.linalg.dataset.api.iterator.fetcher.BaseDataFetcher
Creates a feature vector
createLapack() - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create lapack
createLevel1() - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create level 1
createLevel2() - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create level 2
createLevel3() - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create level 3
createLossFunction(String, INDArray, INDArray) - Method in class org.nd4j.linalg.api.ops.factory.DefaultOpFactory
 
createLossFunction(String, INDArray, INDArray) - Method in interface org.nd4j.linalg.api.ops.factory.OpFactory
Create a loss function with the given inputs and outputs
createNormal(INDArray, double) - Method in class org.nd4j.linalg.api.rng.distribution.factory.DefaultDistributionFactory
 
createNormal(double, double) - Method in class org.nd4j.linalg.api.rng.distribution.factory.DefaultDistributionFactory
 
createNormal(INDArray, double) - Method in interface org.nd4j.linalg.api.rng.distribution.factory.DistributionFactory
Create a normal distribution with the given mean and std
createNormal(double, double) - Method in interface org.nd4j.linalg.api.rng.distribution.factory.DistributionFactory
Create a normal distribution with the given mean and std
createOutputMatrix(int) - Method in class org.nd4j.linalg.dataset.api.iterator.fetcher.BaseDataFetcher
 
createOutputVector(int) - Method in class org.nd4j.linalg.dataset.api.iterator.fetcher.BaseDataFetcher
Creates an output label matrix
createScalar(double) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
createScalar(double) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
createScalarForIndex(int, boolean) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
createScalarForIndex(int, boolean) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
createScalarTransform(String, INDArray, INDArray, double) - Method in class org.nd4j.linalg.api.ops.factory.DefaultOpFactory
 
createScalarTransform(String, INDArray, double) - Method in class org.nd4j.linalg.api.ops.factory.DefaultOpFactory
 
createScalarTransform(String, INDArray, Object[], double) - Method in class org.nd4j.linalg.api.ops.factory.DefaultOpFactory
 
createScalarTransform(String, INDArray, INDArray, INDArray, double) - Method in class org.nd4j.linalg.api.ops.factory.DefaultOpFactory
 
createScalarTransform(String, INDArray, INDArray, INDArray, Object[], double) - Method in class org.nd4j.linalg.api.ops.factory.DefaultOpFactory
 
createScalarTransform(String, INDArray, INDArray, double) - Method in interface org.nd4j.linalg.api.ops.factory.OpFactory
 
createScalarTransform(String, INDArray, double) - Method in interface org.nd4j.linalg.api.ops.factory.OpFactory
 
createScalarTransform(String, INDArray, Object[], double) - Method in interface org.nd4j.linalg.api.ops.factory.OpFactory
 
createScalarTransform(String, INDArray, INDArray, INDArray, double) - Method in interface org.nd4j.linalg.api.ops.factory.OpFactory
 
createScalarTransform(String, INDArray, INDArray, INDArray, Object[], double) - Method in interface org.nd4j.linalg.api.ops.factory.OpFactory
 
createShape(String, INDArray, INDArray) - Method in class org.nd4j.linalg.api.ops.factory.DefaultOpFactory
 
createShape(String, INDArray, INDArray) - Method in interface org.nd4j.linalg.api.ops.factory.OpFactory
 
createShapeInformation(int[]) - Method in class org.nd4j.linalg.api.ndarray.BaseShapeInfoProvider
This method creates shapeInformation buffer, based on shape being passed in
createShapeInformation(int[], char) - Method in class org.nd4j.linalg.api.ndarray.BaseShapeInfoProvider
This method creates shapeInformation buffer, based on shape & order being passed in
createShapeInformation(int[], int[], long, int, char) - Method in class org.nd4j.linalg.api.ndarray.BaseShapeInfoProvider
 
createShapeInformation(int[]) - Method in interface org.nd4j.linalg.api.ndarray.ShapeInfoProvider
This method creates shapeInformation buffer, based on shape being passed in
createShapeInformation(int[], char) - Method in interface org.nd4j.linalg.api.ndarray.ShapeInfoProvider
This method creates shapeInformation buffer, based on shape & order being passed in
createShapeInformation(int[], int[], long, int, char) - Method in interface org.nd4j.linalg.api.ndarray.ShapeInfoProvider
This method creates shapeInformation buffer, based on detailed shape information being passed in
createShapeInformation(int[], int[], long, int, char) - Static method in class org.nd4j.linalg.api.shape.Shape
Creates the shape information buffer given the shape,stride
createSortedStrides(int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
Creates sorted strides whlie retaining the permutation
createStashIfNotExists(T) - Method in class org.nd4j.linalg.memory.stash.BasicStashManager
 
createStashIfNotExists(T) - Method in interface org.nd4j.linalg.memory.stash.StashManager
 
createSubset(int) - Method in class org.nd4j.linalg.learning.legacy.AdaGrad
 
createTransform(String, INDArray, INDArray) - Method in class org.nd4j.linalg.api.ops.factory.DefaultOpFactory
 
createTransform(String, INDArray) - Method in class org.nd4j.linalg.api.ops.factory.DefaultOpFactory
 
createTransform(String, INDArray, Object[]) - Method in class org.nd4j.linalg.api.ops.factory.DefaultOpFactory
 
createTransform(String, INDArray, INDArray, INDArray) - Method in class org.nd4j.linalg.api.ops.factory.DefaultOpFactory
 
createTransform(String, INDArray, INDArray, INDArray, Object[]) - Method in class org.nd4j.linalg.api.ops.factory.DefaultOpFactory
 
createTransform(String, INDArray, INDArray) - Method in interface org.nd4j.linalg.api.ops.factory.OpFactory
 
createTransform(String, INDArray) - Method in interface org.nd4j.linalg.api.ops.factory.OpFactory
 
createTransform(String, INDArray, Object[]) - Method in interface org.nd4j.linalg.api.ops.factory.OpFactory
 
createTransform(String, INDArray, INDArray, INDArray) - Method in interface org.nd4j.linalg.api.ops.factory.OpFactory
 
createTransform(String, INDArray, INDArray, INDArray, Object[]) - Method in interface org.nd4j.linalg.api.ops.factory.OpFactory
 
createUniform(double, double) - Method in class org.nd4j.linalg.api.rng.distribution.factory.DefaultDistributionFactory
 
createUniform(double, double) - Method in interface org.nd4j.linalg.api.rng.distribution.factory.DistributionFactory
Create a uniform distribution with the given min and max
createUninitialized(int, int) - Static method in class org.nd4j.linalg.factory.Nd4j
This method returns uninitialized 2D array of rows x columns PLEASE NOTE: memory of underlying array will be NOT initialized, and won't be set to 0.0
createUninitialized(int[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an *uninitialized* ndarray with the specified shape and ordering.
NOTE: The underlying memory (DataBuffer) will not be initialized.
createUninitialized(int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an *uninitialized* ndarray with the specified shape and default ordering.
NOTE: The underlying memory (DataBuffer) will not be initialized.
createUninitialized(int) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates an *uninitialized* ndarray of specified length and default ordering.
createUninitialized(int[], char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
createUninitializedDetached(int[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
Cretes uninitialized INDArray detached from any (if any) workspace
createUninitializedDetached(int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Cretes uninitialized INDArray detached from any (if any) workspace
createUninitializedDetached(int) - Static method in class org.nd4j.linalg.factory.Nd4j
Cretes uninitialized INDArray detached from any (if any) workspace
createUninitializedDetached(int[], char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Cretes uninitialized INDArray detached from any (if any) workspace
cscal(int, IComplexFloat, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
csscal(int, float, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
cswap(int, IComplexNDArray, int, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
csymm(char, char, char, int, int, IComplexFloat, IComplexNDArray, int, IComplexNDArray, int, IComplexFloat, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
 
csyr2k(char, char, char, int, int, IComplexFloat, IComplexNDArray, int, IComplexNDArray, int, IComplexFloat, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
 
csyrk(char, char, char, int, int, IComplexFloat, IComplexNDArray, int, IComplexFloat, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
 
ctbmv(char, char, char, char, int, int, IComplexNDArray, int, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
ctbsv(char, char, char, char, int, int, IComplexNDArray, int, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
ctpmv(char, char, char, char, int, IComplexNDArray, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
ctpsv(char, char, char, char, int, IComplexNDArray, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
ctrmm(char, char, char, char, char, int, int, IComplexFloat, IComplexNDArray, int, IComplexNDArray, int, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
 
ctrmv(char, char, char, char, int, IComplexNDArray, int, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
ctrsm(char, char, char, char, char, int, int, IComplexFloat, IComplexNDArray, int, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
 
ctrsv(char, char, char, char, int, IComplexNDArray, int, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
Cube - Class in org.nd4j.linalg.api.ops.impl.transforms
Cube (x^3) elementwise function
Cube() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Cube
 
Cube(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Cube
 
Cube(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Cube
 
Cube(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Cube
 
Cube(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Cube
 
Cube(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Cube
 
CubeDerivative - Class in org.nd4j.linalg.api.ops.impl.transforms
Cube derivative, e.g.
CubeDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.CubeDerivative
 
CubeDerivative(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.CubeDerivative
 
CubeDerivative(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.CubeDerivative
 
CubeDerivative(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.CubeDerivative
 
CubeDerivative(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.CubeDerivative
 
CUDA_DEVICE_INFORMATION_KEY - Static variable in class org.nd4j.linalg.api.environment.Nd4jEnvironment
 
CUDA_DEVICE_MAJOR_VERSION_KEY - Static variable in class org.nd4j.linalg.api.environment.Nd4jEnvironment
 
CUDA_DEVICE_MINOR_VERSION_KEY - Static variable in class org.nd4j.linalg.api.environment.Nd4jEnvironment
 
CUDA_DEVICE_NAME_KEY - Static variable in class org.nd4j.linalg.api.environment.Nd4jEnvironment
 
CUDA_FREE_MEMORY_KEY - Static variable in class org.nd4j.linalg.api.environment.Nd4jEnvironment
 
CUDA_NUM_GPUS_KEY - Static variable in class org.nd4j.linalg.api.environment.Nd4jEnvironment
 
CUDA_TOTAL_MEMORY_KEY - Static variable in class org.nd4j.linalg.api.environment.Nd4jEnvironment
 
cumsum(int) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Cumulative sum along a dimension (in place)
cumsum(int) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Cumulative sum along a dimension (in place)
cumsum(int) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Cumulative sum along a dimension (in place)
cumsum(int) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the cumulative sum along a dimension.
cumsum(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
 
cumsum(IComplexNDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
 
cumsum(INDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
cumsum(IComplexNDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
cumsumi(int) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Cumulative sum along a dimension
cumsumi(int) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Cumulative sum along a dimension
cumsumi(int) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Cumulative sum along a dimension
cumsumi(int) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the cumulative sum along a dimension.
cumulativeProbability(double) - Method in interface org.nd4j.linalg.api.rng.distribution.Distribution
For a random variable X whose values are distributed according to this distribution, this method returns P(X <= x).
cumulativeProbability(double, double) - Method in interface org.nd4j.linalg.api.rng.distribution.Distribution
Deprecated.
As of 3.1. In 4.0, this method will be renamed probability(double x0, double x1).
cumulativeProbability(int) - Method in class org.nd4j.linalg.api.rng.distribution.impl.BinomialDistribution
cumulativeProbability(double) - Method in class org.nd4j.linalg.api.rng.distribution.impl.BinomialDistribution
 
cumulativeProbability(double, double) - Method in class org.nd4j.linalg.api.rng.distribution.impl.BinomialDistribution
 
cumulativeProbability(double) - Method in class org.nd4j.linalg.api.rng.distribution.impl.NormalDistribution
For a random variable X whose values are distributed according to this distribution, this method returns P(X <= x).
cumulativeProbability(double, double) - Method in class org.nd4j.linalg.api.rng.distribution.impl.NormalDistribution
Deprecated.
See org.apache.commons.math3.distribution.RealDistribution#cumulativeProbability(double, double)
cumulativeProbability(double) - Method in class org.nd4j.linalg.api.rng.distribution.impl.UniformDistribution
For a random variable X whose values are distributed according to this distribution, this method returns P(X <= x).
cumulativeProbability(double, double) - Method in class org.nd4j.linalg.api.rng.distribution.impl.UniformDistribution
 
curr - Variable in class org.nd4j.linalg.dataset.api.iterator.fetcher.BaseDataFetcher
 
current() - Method in interface org.nd4j.linalg.indexing.INDArrayIndex
Return the current index without incrementing the counter
current() - Method in class org.nd4j.linalg.indexing.IntervalIndex
 
current() - Method in class org.nd4j.linalg.indexing.NDArrayIndex
 
current() - Method in class org.nd4j.linalg.indexing.NDArrayIndexEmpty
 
current() - Method in class org.nd4j.linalg.indexing.NewAxis
 
current() - Method in class org.nd4j.linalg.indexing.PointIndex
 
current() - Method in class org.nd4j.linalg.indexing.SpecifiedIndex
 
currentResult() - Method in interface org.nd4j.linalg.api.ops.Accumulation
Deprecated.
currentResult() - Method in class org.nd4j.linalg.api.ops.BaseAccumulation
 
currentSize - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
cursor() - Method in class org.nd4j.linalg.dataset.api.iterator.BaseDatasetIterator
 
cursor() - Method in class org.nd4j.linalg.dataset.api.iterator.CachingDataSetIterator
 
cursor() - Method in interface org.nd4j.linalg.dataset.api.iterator.DataSetIterator
The current cursor if applicable
cursor - Variable in class org.nd4j.linalg.dataset.api.iterator.fetcher.BaseDataFetcher
 
cursor() - Method in class org.nd4j.linalg.dataset.api.iterator.fetcher.BaseDataFetcher
 
cursor() - Method in interface org.nd4j.linalg.dataset.api.iterator.fetcher.DataSetFetcher
Direct access to a number represenative of iterating through a dataset
cursor() - Method in class org.nd4j.linalg.dataset.api.iterator.KFoldIterator
cursor value of zero indicates no iterations and the very first fold will be held out as test cursor value of 1 indicates the the next() call will return all but second fold which will be held out as test curson value of k-1 indicates the next() call will return all but the last fold which will be held out as test
cursor() - Method in class org.nd4j.linalg.dataset.api.iterator.MultipleEpochsIterator
Deprecated.
The current cursor if applicable
cursor() - Method in class org.nd4j.linalg.dataset.api.iterator.SamplingDataSetIterator
 
cursor() - Method in class org.nd4j.linalg.dataset.api.iterator.TestDataSetIterator
 
cursor() - Method in class org.nd4j.linalg.dataset.ExistingMiniBatchDataSetIterator
 
cursor() - Method in class org.nd4j.linalg.dataset.MiniBatchFileDataSetIterator
 
cursor() - Method in class org.nd4j.linalg.dataset.ViewIterator
 
CustomSerializerStrategy<T extends Normalizer> - Class in org.nd4j.linalg.dataset.api.preprocessor.serializer
Base class for custom normalizer serializers
CustomSerializerStrategy() - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.serializer.CustomSerializerStrategy
 
cycleAllocations - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
cyclesCount - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 

D

dasum(int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
dasum(int, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
data - Variable in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
data() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
data - Variable in class org.nd4j.linalg.api.ndarray.BaseNDArrayProxy
 
data() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns a linear double array representation of this ndarray
DATA_BUFFER_FACTORY_INSTANCE - Static variable in class org.nd4j.linalg.factory.Nd4j
 
DATA_BUFFER_OPS - Static variable in class org.nd4j.linalg.factory.Nd4j
 
dataBufferFactoryClazz - Static variable in class org.nd4j.linalg.factory.Nd4j
 
DataBufferLogEntry - Class in org.nd4j.linalg.api.instrumentation
Data buffer log entry.
DataBufferLogEntry() - Constructor for class org.nd4j.linalg.api.instrumentation.DataBufferLogEntry
 
DataBufferLogEntry(DataBuffer, String) - Constructor for class org.nd4j.linalg.api.instrumentation.DataBufferLogEntry
 
DataBufferLogEntry(DataBuffer) - Constructor for class org.nd4j.linalg.api.instrumentation.DataBufferLogEntry
 
dataBufferToArray(DataBuffer) - Static method in class org.nd4j.linalg.cache.TadDescriptor
Obtain the values from the shape buffer for the array
DataNormalization - Interface in org.nd4j.linalg.dataset.api.preprocessor
An interface for data normalizers.
DataSet - Interface in org.nd4j.linalg.dataset.api
Created by agibsonccc on 8/26/14.
DataSet - Class in org.nd4j.linalg.dataset
A data transform (example/outcome pairs) The outcomes are specifically for neural network encoding such that any labels that are considered true are 1s.
DataSet() - Constructor for class org.nd4j.linalg.dataset.DataSet
 
DataSet(INDArray, INDArray) - Constructor for class org.nd4j.linalg.dataset.DataSet
Creates a dataset with the specified input matrix and labels
DataSet(INDArray, INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.dataset.DataSet
Create a dataset with the specified input INDArray and labels (output) INDArray, plus (optionally) mask arrays for the features and labels
dataSetBatches(int) - Method in interface org.nd4j.linalg.dataset.api.DataSet
Deprecated.
dataSetBatches(int) - Method in class org.nd4j.linalg.dataset.DataSet
Partitions the data transform by the specified number.
DataSetCache - Interface in org.nd4j.linalg.dataset.api.iterator.cache
Created by anton on 7/16/16.
DataSetFetcher - Interface in org.nd4j.linalg.dataset.api.iterator.fetcher
A low level interface for loading datasets in to memory.
DataSetIterator - Interface in org.nd4j.linalg.dataset.api.iterator
A DataSetIterator handles traversing through a dataset and preparing

data for a neural network.

DataSetIteratorFactory - Interface in org.nd4j.linalg.dataset.api.iterator
DataSetPreProcessor - Interface in org.nd4j.linalg.dataset.api
Pre process a dataset
DataSetUtil - Class in org.nd4j.linalg.dataset.api
Created by susaneraly on 9/20/16.
DataSetUtil() - Constructor for class org.nd4j.linalg.dataset.api.DataSetUtil
 
dataType - Variable in class org.nd4j.linalg.api.instrumentation.DataBufferLogEntry
 
dataType() - Static method in class org.nd4j.linalg.factory.Nd4j
Returns the data type used for the runtime
DataTypeValidation - Class in org.nd4j.linalg.factory
Data type validation
DataTypeValidation() - Constructor for class org.nd4j.linalg.factory.DataTypeValidation
 
daxpy(int, double, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
daxpy(int, double, DataBuffer, int, int, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
dcopy(int, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
dcopy(int, DataBuffer, int, int, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
ddot(int, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
ddot(int, DataBuffer, int, int, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
decompress(DataBuffer) - Method in class org.nd4j.linalg.compression.BasicNDArrayCompressor
Decompress the given databuffer
decompress(INDArray) - Method in class org.nd4j.linalg.compression.BasicNDArrayCompressor
 
decompress(INDArray) - Method in interface org.nd4j.linalg.compression.NDArrayCompressor
This method returns decompressed copy of referenced array
decompress(DataBuffer) - Method in interface org.nd4j.linalg.compression.NDArrayCompressor
Return a compressed databuffer
decompressi(INDArray) - Method in class org.nd4j.linalg.compression.BasicNDArrayCompressor
in place decompression of the given ndarray.
decompressi(INDArray) - Method in interface org.nd4j.linalg.compression.NDArrayCompressor
Inplace decompression of INDArray
DEFAULT_ADADELTA_EPSILON - Static variable in class org.nd4j.linalg.learning.config.AdaDelta
 
DEFAULT_ADADELTA_RHO - Static variable in class org.nd4j.linalg.learning.config.AdaDelta
 
DEFAULT_ADAGRAD_EPSILON - Static variable in class org.nd4j.linalg.learning.config.AdaGrad
 
DEFAULT_ADAGRAD_EPSILON - Static variable in class org.nd4j.linalg.learning.legacy.AdaGrad
 
DEFAULT_ADAGRAD_LEARNING_RATE - Static variable in class org.nd4j.linalg.learning.config.AdaGrad
 
DEFAULT_ADAM_BETA1_MEAN_DECAY - Static variable in class org.nd4j.linalg.learning.config.Adam
 
DEFAULT_ADAM_BETA2_VAR_DECAY - Static variable in class org.nd4j.linalg.learning.config.Adam
 
DEFAULT_ADAM_EPSILON - Static variable in class org.nd4j.linalg.learning.config.Adam
 
DEFAULT_ADAM_LEARNING_RATE - Static variable in class org.nd4j.linalg.learning.config.Adam
 
DEFAULT_ADAMAX_BETA1_MEAN_DECAY - Static variable in class org.nd4j.linalg.learning.config.AdaMax
 
DEFAULT_ADAMAX_BETA2_VAR_DECAY - Static variable in class org.nd4j.linalg.learning.config.AdaMax
 
DEFAULT_ADAMAX_EPSILON - Static variable in class org.nd4j.linalg.learning.config.AdaMax
 
DEFAULT_ADAMAX_LEARNING_RATE - Static variable in class org.nd4j.linalg.learning.config.AdaMax
 
DEFAULT_ALPHA - Static variable in class org.nd4j.linalg.activations.impl.ActivationELU
 
DEFAULT_ALPHA - Static variable in class org.nd4j.linalg.activations.impl.ActivationLReLU
 
DEFAULT_ALPHA - Static variable in class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLU
 
DEFAULT_BETA - Static variable in class org.nd4j.linalg.lossfunctions.impl.LossFMeasure
 
DEFAULT_INVERSE_ABSOLUTE_ACCURACY - Static variable in class org.nd4j.linalg.api.rng.distribution.impl.NormalDistribution
Default inverse cumulative probability accuracy.
DEFAULT_L - Static variable in class org.nd4j.linalg.activations.impl.ActivationRReLU
 
DEFAULT_NADAM_BETA1_MEAN_DECAY - Static variable in class org.nd4j.linalg.learning.config.Nadam
 
DEFAULT_NADAM_BETA2_VAR_DECAY - Static variable in class org.nd4j.linalg.learning.config.Nadam
 
DEFAULT_NADAM_EPSILON - Static variable in class org.nd4j.linalg.learning.config.Nadam
 
DEFAULT_NADAM_LEARNING_RATE - Static variable in class org.nd4j.linalg.learning.config.Nadam
 
DEFAULT_NAME - Static variable in class org.nd4j.linalg.api.ops.TadCollapseAccumulation
 
DEFAULT_NESTEROV_LEARNING_RATE - Static variable in class org.nd4j.linalg.learning.config.Nesterovs
 
DEFAULT_NESTEROV_MOMENTUM - Static variable in class org.nd4j.linalg.learning.config.Nesterovs
 
DEFAULT_PATTERN - Static variable in class org.nd4j.linalg.dataset.ExistingMiniBatchDataSetIterator
 
DEFAULT_RMSPROP_EPSILON - Static variable in class org.nd4j.linalg.learning.config.RmsProp
 
DEFAULT_RMSPROP_LEARNING_RATE - Static variable in class org.nd4j.linalg.learning.config.RmsProp
 
DEFAULT_RMSPROP_RMSDECAY - Static variable in class org.nd4j.linalg.learning.config.RmsProp
 
DEFAULT_SGD_LR - Static variable in class org.nd4j.linalg.learning.config.Sgd
 
DEFAULT_U - Static variable in class org.nd4j.linalg.activations.impl.ActivationRReLU
 
defaultCompression - Variable in class org.nd4j.linalg.compression.BasicNDArrayCompressor
 
defaultConfiguration - Variable in class org.nd4j.linalg.memory.provider.BasicWorkspaceManager
 
DefaultConvolutionInstance - Class in org.nd4j.linalg.convolution
Default convolution instance (FFT based)
DefaultConvolutionInstance() - Constructor for class org.nd4j.linalg.convolution.DefaultConvolutionInstance
 
DefaultDistributionFactory - Class in org.nd4j.linalg.api.rng.distribution.factory
Default distribution factory
DefaultDistributionFactory() - Constructor for class org.nd4j.linalg.api.rng.distribution.factory.DefaultDistributionFactory
 
DefaultFFTInstance - Class in org.nd4j.linalg.fft
Default FFT instance that will work that is backend agnostic.
DefaultFFTInstance() - Constructor for class org.nd4j.linalg.fft.DefaultFFTInstance
 
DefaultOpExecutioner - Class in org.nd4j.linalg.api.ops.executioner
Basic op executioner.
DefaultOpExecutioner() - Constructor for class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
DefaultOpFactory - Class in org.nd4j.linalg.api.ops.factory
Default operations factory
DefaultOpFactory() - Constructor for class org.nd4j.linalg.api.ops.factory.DefaultOpFactory
 
DefaultRandom - Class in org.nd4j.linalg.api.rng
Apache commons based random number generation Please note: this implementation can't be used for NativeOps execution
DefaultRandom() - Constructor for class org.nd4j.linalg.api.rng.DefaultRandom
Initialize with a System.currentTimeMillis() seed
DefaultRandom(long) - Constructor for class org.nd4j.linalg.api.rng.DefaultRandom
 
DefaultRandom(RandomGenerator) - Constructor for class org.nd4j.linalg.api.rng.DefaultRandom
 
density(double) - Method in interface org.nd4j.linalg.api.rng.distribution.Distribution
Returns the probability density function (PDF) of this distribution evaluated at the specified point x.
density(double) - Method in class org.nd4j.linalg.api.rng.distribution.impl.BinomialDistribution
 
density(double) - Method in class org.nd4j.linalg.api.rng.distribution.impl.NormalDistribution
Returns the probability density function (PDF) of this distribution evaluated at the specified point x.
density(double) - Method in class org.nd4j.linalg.api.rng.distribution.impl.UniformDistribution
Returns the probability density function (PDF) of this distribution evaluated at the specified point x.
derivative() - Method in class org.nd4j.linalg.api.ops.BaseTransformOp
 
derivative() - Method in class org.nd4j.linalg.api.ops.impl.transforms.ATanh
 
derivative() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cosh
 
derivative() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cube
 
derivative() - Method in class org.nd4j.linalg.api.ops.impl.transforms.ELU
 
derivative() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Exp
 
derivative() - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardSigmoid
 
derivative() - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardTanh
 
derivative() - Method in class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLU
 
derivative() - Method in class org.nd4j.linalg.api.ops.impl.transforms.RationalTanh
 
derivative() - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifedLinear
 
derivative() - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifiedTanh
 
derivative() - Method in class org.nd4j.linalg.api.ops.impl.transforms.SELU
 
derivative() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sigmoid
 
derivative() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sin
 
derivative() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sinh
 
derivative() - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftMax
 
derivative() - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftPlus
 
derivative() - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftSign
 
derivative() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Tan
 
derivative() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Tanh
 
derivative() - Method in interface org.nd4j.linalg.api.ops.TransformOp
The derivative operation for this op
derivedId(long) - Method in class org.nd4j.linalg.heartbeat.Heartbeat
 
deserialize(JsonParser, DeserializationContext) - Method in class org.nd4j.linalg.lossfunctions.serde.RowVectorDeserializer
 
destroyAllWorkspacesForCurrentThread() - Method in class org.nd4j.linalg.memory.provider.BasicWorkspaceManager
This method destroys all workspaces allocated in current thread
DESTROYED - Static variable in interface org.nd4j.linalg.api.instrumentation.Instrumentation
 
destroyWorkspace() - Method in class org.nd4j.linalg.memory.abstracts.DummyWorkspace
This method causes Workspace destruction: all memory allocations are released after this call.
destroyWorkspace(boolean) - Method in class org.nd4j.linalg.memory.abstracts.DummyWorkspace
 
destroyWorkspace() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
destroyWorkspace(boolean) - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
This method basically deallocates workspace memory
destroyWorkspace(MemoryWorkspace) - Method in class org.nd4j.linalg.memory.provider.BasicWorkspaceManager
This method destroys given workspace
destroyWorkspace() - Method in class org.nd4j.linalg.memory.provider.BasicWorkspaceManager
This method destroy default workspace, if any
detach() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
This metod detaches INDArray from Workspace, returning copy.
detach() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
This method detaches INDArray from Workspace, returning copy.
detach() - Method in interface org.nd4j.linalg.dataset.api.DataSet
This method detaches this DataSet from current Workspace (if any)
detach() - Method in interface org.nd4j.linalg.dataset.api.MultiDataSet
This method detaches this MultiDataSet from current Workspace (if any)
detach() - Method in class org.nd4j.linalg.dataset.DataSet
This method migrates this DataSet into current Workspace (if any)
detach() - Method in class org.nd4j.linalg.dataset.MultiDataSet
This method migrates this DataSet into current Workspace (if any)
deviceId - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
DeviceLocal<T> - Class in org.nd4j.linalg.util
Class similar to Java ThreadLocal class, but locality is preserved with respect to device used
DeviceLocal() - Constructor for class org.nd4j.linalg.util.DeviceLocal
 
DeviceLocalNDArray - Class in org.nd4j.linalg.util
DeviceLocal implementation for INDArray, with special broadcast method
DeviceLocalNDArray() - Constructor for class org.nd4j.linalg.util.DeviceLocalNDArray
 
DeviceLocalNDArray(INDArray) - Constructor for class org.nd4j.linalg.util.DeviceLocalNDArray
 
deviceOffset - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
dgbmv(char, char, int, int, int, int, double, INDArray, int, INDArray, int, double, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
dgemm(char, char, char, int, int, int, double, INDArray, int, INDArray, int, double, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
 
dgemv(char, char, int, int, double, INDArray, int, INDArray, int, double, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
dgeqrf(int, int, INDArray, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLapack
 
dger(char, int, int, double, INDArray, int, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
dgesvd(byte, byte, int, int, INDArray, INDArray, INDArray, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLapack
 
dgetrf(int, int, INDArray, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLapack
 
diag(IComplexNDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a new matrix where the values of the given vector are the diagonal values of the matrix if a vector is passed in, if a matrix is returns the kth diagonal in the matrix
diag(INDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a new matrix where the values of the given vector are the diagonal values of the matrix if a vector is passed in, if a matrix is returns the kth diagonal in the matrix
diag(IComplexNDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a new matrix where the values of the given vector are the diagonal values of the matrix if a vector is passed in, if a matrix is returns the kth diagonal in the matrix
diag(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a new matrix where the values of the given vector are the diagonal values of the matrix if a vector is passed in, if a matrix is returns the kth diagonal in the matrix
dimension - Variable in class org.nd4j.linalg.api.ops.BaseBroadcastOp
 
dimShuffle(Object[], int[], boolean[]) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Dimshuffle: an extension of permute that adds the ability to broadcast various dimensions.
dimShuffle(Object[], int[], boolean[]) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Dimshuffle: an extension of permute that adds the ability to broadcast various dimensions.
dimShuffle(Object[], int[], boolean[]) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Dimshuffle: an extension of permute that adds the ability to broadcast various dimensions.
dimShuffle(Object[], int[], boolean[]) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Dimshuffle: an extension of permute that adds the ability to broadcast various dimensions.
disabledCounter - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
disableHeartbeat() - Method in class org.nd4j.linalg.heartbeat.Heartbeat
 
distance1(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Returns the (1-norm) distance.
distance1(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the (1-norm) distance.
distance1(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the (1-norm) distance.
distance2(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Returns the (euclidean) distance.
distance2(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the (euclidean) distance.
distance2(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the (euclidean) distance.
Distribution - Interface in org.nd4j.linalg.api.rng.distribution
A probability distribution
DISTRIBUTION - Static variable in class org.nd4j.linalg.factory.Nd4j
 
DISTRIBUTION_FACTORY - Static variable in class org.nd4j.linalg.factory.Nd4j
 
DistributionFactory - Interface in org.nd4j.linalg.api.rng.distribution.factory
Create a distribution
distributionFactoryClazz - Static variable in class org.nd4j.linalg.factory.Nd4j
 
DistributionStats - Class in org.nd4j.linalg.dataset.api.preprocessor.stats
Statistics about the normal distribution of values in data (means and standard deviations).
DistributionStats(INDArray, INDArray) - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.stats.DistributionStats
 
DistributionStats.Builder - Class in org.nd4j.linalg.dataset.api.preprocessor.stats
Builder class that can incrementally update a running mean and variance in order to create statistics for a large set of data
div(Number, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
div(Number) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
div(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
in place (element wise) division of two matrices
div(INDArray, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
copy (element wise) division of two matrices
div(IComplexNumber, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
div(IComplexNumber) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
div(IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
div(IComplexNumber, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
div(IComplexNumber) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
div(Number, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
div(Number) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
div(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
in place (element wise) division of two matrices
div(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
copy (element wise) division of two matrices
div(Number, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
div(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
in place (element wise) division of two matrices
div(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
copy (element wise) division of two matrices
div(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
div(IComplexNumber) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
div(IComplexNumber, IComplexNDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
div(Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Division by a number
div(Number, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
div(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Copy (element wise) division of two NDArrays
div(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
copy (element wise) division of two NDArrays
div(IComplexNumber) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
div(IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
divColumnVector(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
In place addition of a column vector
divColumnVector(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
In place addition of a column vector
divColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
In place addition of a column vector
divColumnVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Division of a column vector (copy)
divi(Number, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
divi(Number) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
divi(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
in place (element wise) division of two matrices
divi(INDArray, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
in place (element wise) division of two matrices
divi(IComplexNumber, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
divi(IComplexNumber) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
divi(IComplexNumber, IComplexNDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
divi(IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
divi(IComplexNumber, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
divi(IComplexNumber) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
divi(Number, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
divi(Number) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
divi(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
in place (element wise) division of two matrices
divi(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
in place (element wise) division of two matrices
divi(Number, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
divi(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
in place (element wise) division of two matrices
divi(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
in place (element wise) division of two matrices
divi(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
divi(IComplexNumber) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
divi(IComplexNumber, IComplexNDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
divi(Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
In place scalar division
divi(Number, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
In place division of this ndarray
divi(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
in place (element wise) division of two NDArrays
divi(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
in place (element wise) division of two NDArrays
divi(IComplexNumber) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
divi(IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
diviColumnVector(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
In place addition of a column vector
diviColumnVector(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
In place addition of a column vector
diviColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
In place addition of a column vector
diviColumnVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
In place division of a column vector
divideBy(int) - Method in interface org.nd4j.linalg.dataset.api.DataSet
Divide the features by a scalar
divideBy(int) - Method in class org.nd4j.linalg.dataset.DataSet
 
diviRowVector(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
In place addition of a column vector
diviRowVector(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
In place addition of a column vector
diviRowVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
In place addition of a column vector
diviRowVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
In place division of a row vector
DivOp - Class in org.nd4j.linalg.api.ops.impl.transforms.arithmetic
Division operation
DivOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.DivOp
 
DivOp(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.DivOp
 
DivOp(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.DivOp
 
DivOp(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.DivOp
 
DivOp(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.DivOp
 
DivOp(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.DivOp
 
divRowVector(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
In place addition of a column vector
divRowVector(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
In place addition of a column vector
divRowVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
In place addition of a column vector
divRowVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Division of a row vector (copy)
dLdZsoftmax(INDArray, INDArray) - Static method in class org.nd4j.linalg.lossfunctions.LossUtil
Deprecated.
No longer used
dLdZsoftmaxi(INDArray, INDArray) - Static method in class org.nd4j.linalg.lossfunctions.LossUtil
Deprecated.
No longer used
dLdZsoftmaxPreOut(INDArray, INDArray) - Static method in class org.nd4j.linalg.lossfunctions.LossUtil
Deprecated.
No longer used
dnrm2(int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
doAlongDiagonal(INDArray, Function<Number, Number>) - Static method in class org.nd4j.linalg.factory.Nd4j
Perform an operation along a diagonal
doAlongDiagonal(IComplexNDArray, Function<IComplexNumber, IComplexNumber>) - Static method in class org.nd4j.linalg.factory.Nd4j
Perform an operation along a diagonal
doByteBufferPutCompressed(INDArray, ByteBuffer, boolean) - Static method in class org.nd4j.serde.binary.BinarySerde
Setup the given byte buffer for serialization (note that this is for compressed INDArrays) 4 bytes for rank 4 bytes for data type shape information codec information data type
doByteBufferPutUnCompressed(INDArray, ByteBuffer, boolean) - Static method in class org.nd4j.serde.binary.BinarySerde
Setup the given byte buffer for serialization (note that this is for uncompressed INDArrays) 4 bytes int for rank 4 bytes for data type shape buffer data buffer
doColumnWise(INDArray, char) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
doColumnWise(INDArray, char) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Do a row wise op (a,s,m,d) a : add s : subtract m : multiply d : divide h : reverse subtraction t : reverse division
doFFt(IComplexNDArray, int[], int[], boolean) - Method in class org.nd4j.linalg.fft.BaseFFTInstance
 
doInnerFft(IComplexNDArray, int[], int[], boolean) - Method in class org.nd4j.linalg.fft.BaseFFTInstance
 
donotMaskAllMajorityWindows() - Method in class org.nd4j.linalg.dataset.api.preprocessor.classimbalance.BaseUnderSamplingPreProcessor
If a tbptt segment is all majority class labels default behaviour is to mask all time steps in the segment.
donotMaskMinorityWindows() - Method in class org.nd4j.linalg.dataset.api.preprocessor.classimbalance.BaseUnderSamplingPreProcessor
If set will not mask timesteps if they fall in a tbptt segment with at least one minority class label
doPermuteSwap(IntBuffer, int[]) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
doPermuteSwap(DataBuffer, int[]) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
doRowWise(INDArray, char) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
doRowWise(INDArray, char) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Do a row wise op (a,s,m,d) a : add s : subtract m : multiply d : divide h : reverse subtraction t : reverse division
dot(int, double, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
computes a vector-vector dot product.
dot(int, DataBuffer, int, int, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
dot(int, IComplexNumber, IComplexNDArray, IComplexNDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
computes a vector-vector dot product.
dot(int, double, INDArray, INDArray) - Method in interface org.nd4j.linalg.api.blas.Level1
computes a vector-vector dot product.
dot(int, DataBuffer, int, int, DataBuffer, int, int) - Method in interface org.nd4j.linalg.api.blas.Level1
Vector-vector dot product
dot(int, IComplexNumber, IComplexNDArray, IComplexNDArray) - Method in interface org.nd4j.linalg.api.blas.Level1
computes a vector-vector dot product.
Dot - Class in org.nd4j.linalg.api.ops.impl.accum
Dot product
Dot() - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Dot
 
Dot(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Dot
 
Dot(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Dot
 
Dot(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Dot
 
Dot(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Dot
 
dot(INDArray, INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
dot(INDArray, INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Compute x^T * y (dot product)
dotc(IComplexNDArray, IComplexNDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
dotc(IComplexNDArray, IComplexNDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Compute x^T * y (dot product)
dotu(IComplexNDArray, IComplexNDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
dotu(IComplexNDArray, IComplexNDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Compute x^T * y (dot product)
dpotrf(byte, int, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLapack
 
drop(T) - Method in interface org.nd4j.linalg.compression.AbstractStorage
This method removes value by specified key
DropOut - Class in org.nd4j.linalg.api.ops.random.impl
Inverted DropOut implementation as Op
DropOut() - Constructor for class org.nd4j.linalg.api.ops.random.impl.DropOut
 
DropOut(INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.random.impl.DropOut
 
DropOut(INDArray, INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.random.impl.DropOut
 
DropOut(INDArray, INDArray, double, long) - Constructor for class org.nd4j.linalg.api.ops.random.impl.DropOut
 
DropOutInverted - Class in org.nd4j.linalg.api.ops.random.impl
Inverted DropOut implementation as Op
DropOutInverted() - Constructor for class org.nd4j.linalg.api.ops.random.impl.DropOutInverted
 
DropOutInverted(INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.random.impl.DropOutInverted
 
DropOutInverted(INDArray, INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.random.impl.DropOutInverted
 
DropOutInverted(INDArray, INDArray, double, long) - Constructor for class org.nd4j.linalg.api.ops.random.impl.DropOutInverted
 
drot(int, INDArray, int, INDArray, int, double, double) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
drotg(double, double, double, double) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
drotm(int, INDArray, int, INDArray, int, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
drotmg(double, double, double, double, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
dsbmv(char, char, int, int, double, INDArray, int, INDArray, int, double, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
dscal(int, double, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
dsdot(int, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
dspmv(char, char, int, double, INDArray, INDArray, int, double, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
dspr(char, char, int, double, INDArray, int, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
dspr2(char, char, int, double, INDArray, int, INDArray, int, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
dswap(int, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
dsyev(char, char, int, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLapack
 
dsymm(char, char, char, int, int, double, INDArray, int, INDArray, int, double, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
 
dsymv(char, char, int, double, INDArray, int, INDArray, int, double, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
dsyr(char, char, int, double, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
dsyr2(char, char, int, double, INDArray, int, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
dsyr2k(char, char, char, int, int, double, INDArray, int, INDArray, int, double, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
 
dsyrk(char, char, char, int, int, double, INDArray, int, double, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
 
dtbmv(char, char, char, char, int, int, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
dtbsv(char, char, char, char, int, int, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
dtpmv(char, char, char, char, int, INDArray, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
dtpsv(char, char, char, char, int, INDArray, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
dtrmm(char, char, char, char, char, int, int, double, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
 
dtrmv(char, char, char, char, int, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
dtrsm(char, char, char, char, char, int, int, double, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
 
dtrsv(char, char, char, char, int, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
dtype() - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Returns the data type for this ndarray
DTYPE - Static variable in class org.nd4j.linalg.factory.Nd4j
 
dtype - Static variable in class org.nd4j.linalg.factory.Nd4j
 
dtype() - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Returns the data type for this ndarray
dummy - Static variable in class org.nd4j.linalg.eigen.Eigen
 
DummyWorkspace - Class in org.nd4j.linalg.memory.abstracts
This MemoryWorkspace implementation is basically No-Op impl.
DummyWorkspace() - Constructor for class org.nd4j.linalg.memory.abstracts.DummyWorkspace
 
dup() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
dup() - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Return a copy of this ndarray
dup() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
dup(char) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
dup() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns a copy of this ndarray
dup(char) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns a copy of this ndarray, where the returned ndarray has the specified order
dup() - Method in class org.nd4j.linalg.compression.CompressedDataBuffer
 
dzasum(int, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
dznrm2(int, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 

E

Eigen - Class in org.nd4j.linalg.eigen
Compute eigen values
Eigen() - Constructor for class org.nd4j.linalg.eigen.Eigen
 
eigenvalues(INDArray) - Static method in class org.nd4j.linalg.eigen.Eigen
Computes the eigenvalues of a general matrix.
eigenvectors(INDArray) - Static method in class org.nd4j.linalg.eigen.Eigen
Computes the eigenvalues and eigenvectors of a general matrix.
element() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Returns a scalar (individual element) of a scalar ndarray
element() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns a scalar (individual element) of a scalar ndarray
element() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns a scalar (individual element) of a scalar ndarray
elementStride() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
elementStride() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
elementStride() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Element stride (one element to the next, also called the defualt stride: 1 for normal 2 for complex)
elementWiseStride() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
elementWiseStride() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Element wise stride
elementWiseStride - Variable in class org.nd4j.linalg.api.ops.executioner.OpExecutionerUtil.Tensor1DStats
 
elementWiseStride(int[], int[], boolean) - Static method in class org.nd4j.linalg.api.shape.Shape
 
elementWiseStride(DataBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
Get the element wise stride for the shape info buffer
elementWiseStride(IntBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
Get the element wise stride for the shape info buffer
ELU - Class in org.nd4j.linalg.api.ops.impl.transforms
ELU: Exponential Linear Unit (alpha=1.0)
Introduced in paper:
Fast and Accurate Deep Network Learning by Exponential Linear Units (ELUs)
Djork-Arné Clevert, Thomas Unterthiner, Sepp Hochreiter (2015)
http://arxiv.org/abs/1511.07289
ELU() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ELU
 
ELU(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ELU
 
ELU(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ELU
 
ELU(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ELU
 
ELU(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ELU
 
ELU(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ELU
 
elu(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
elu(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
ELUDerivative - Class in org.nd4j.linalg.api.ops.impl.transforms
Derivative of ELU: Exponential Linear Unit (alpha=1.0)
Introduced in paper:
Fast and Accurate Deep Network Learning by Exponential Linear Units (ELUs)
Djork-Arné Clevert, Thomas Unterthiner, Sepp Hochreiter (2015)
http://arxiv.org/abs/1511.07289
ELUDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ELUDerivative
 
ELUDerivative(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ELUDerivative
 
ELUDerivative(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ELUDerivative
 
ELUDerivative(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ELUDerivative
 
ELUDerivative(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ELUDerivative
 
ELUDerivative(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ELUDerivative
 
eluDerivative(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
eluDerivative(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
empty() - Static method in class org.nd4j.linalg.dataset.DataSet
Returns a single dataset (all fields are null)
empty() - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
Represents collecting no elements
emptyLike(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
Empty like
ENABLED - Static variable in class org.nd4j.linalg.executors.ExecutorServiceProvider
 
enableDebug(boolean) - Method in class org.nd4j.linalg.memory.abstracts.DummyWorkspace
This method enabled debugging mode for this workspace
enableDebug(boolean) - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
This method enabled debugging mode for this workspace
enableFallbackMode(boolean) - Static method in class org.nd4j.linalg.factory.Nd4j
This method enables fallback to safe-mode for specific operations.
end() - Method in interface org.nd4j.linalg.indexing.INDArrayIndex
The ending for this index
end - Variable in class org.nd4j.linalg.indexing.IntervalIndex
 
end() - Method in class org.nd4j.linalg.indexing.IntervalIndex
 
end() - Method in class org.nd4j.linalg.indexing.NDArrayIndex
 
end() - Method in class org.nd4j.linalg.indexing.NDArrayIndexEmpty
 
end() - Method in class org.nd4j.linalg.indexing.NewAxis
 
end() - Method in class org.nd4j.linalg.indexing.PointIndex
 
end() - Method in class org.nd4j.linalg.indexing.SpecifiedIndex
 
ENFORCE_NUMERICAL_STABILITY - Static variable in class org.nd4j.linalg.factory.Nd4j
 
ensureAtMinRowVector(int...) - Static method in class org.nd4j.linalg.api.shape.Shape
If a shape array is ony 1 in length it returns a row vector
ensureLocation(INDArray, AffinityManager.Location) - Method in interface org.nd4j.linalg.api.concurrency.AffinityManager
This method propagates given INDArray to specified location
ensureLocation(INDArray, AffinityManager.Location) - Method in class org.nd4j.linalg.api.concurrency.BasicAffinityManager
 
ensureThreadExistense() - Method in class org.nd4j.linalg.memory.provider.BasicWorkspaceManager
 
entries - Variable in class org.nd4j.linalg.profiler.data.primitives.StackNode
 
entropy(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns entropy along dimension
entropy(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns entropy value for this INDArray along specified dimension(s)
Entropy - Class in org.nd4j.linalg.api.ops.impl.accum
Entropy Op - returns the entropy (information gain, or uncertainty of a random variable).
Entropy() - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Entropy
 
Entropy(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Entropy
 
Entropy(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Entropy
 
Entropy(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Entropy
 
Entropy(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Entropy
 
Entropy(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Entropy
 
entropyNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns entropy value for this INDArray
entropyNumber() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns entropy value for this INDArray
Environment - Class in org.nd4j.linalg.heartbeat.reports
Bean/POJO that describes current jvm/node
Environment() - Constructor for class org.nd4j.linalg.heartbeat.reports.Environment
 
EnvironmentUtils - Class in org.nd4j.linalg.heartbeat.utils
 
EnvironmentUtils() - Constructor for class org.nd4j.linalg.heartbeat.utils.EnvironmentUtils
 
eps(Number) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Returns an ndarray with 1 if the element is epsilon equals
eps(IComplexNumber) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Returns an ndarray with 1 if the element is epsilon equals
eps(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
epsilon equals than comparison: If the given number is less than the comparison number the item is 0 otherwise 1
eps(IComplexNumber) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Returns an ndarray with 1 if the element is epsilon equals
eps(Number) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Returns an ndarray with 1 if the element is epsilon equals
eps(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
epsilon equals than comparison: If the given number is less than the comparison number the item is 0 otherwise 1
eps(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns an ndarray with 1 if the element is epsilon equals
eps(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
epsilon equals than comparison: If the given number is less than the comparison number the item is 0 otherwise 1
eps(Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the binary ndarray for "Epsilon equals" comparison.
eps(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the binary ndarray for "Epsilon equals" comparison.
eps - Variable in class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
eps - Variable in class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
Eps - Class in org.nd4j.linalg.api.ops.impl.transforms.comparison
Bit mask over the ndarrays as to whether the components are equal or not
Eps() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.Eps
 
Eps(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.Eps
 
Eps(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.Eps
 
Eps(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.Eps
 
Eps(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.Eps
 
eps(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
eps(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Eps function
EPS_THRESHOLD - Static variable in class org.nd4j.linalg.factory.Nd4j
 
epsEquals(IComplexNumber) - Static method in class org.nd4j.linalg.indexing.conditions.Conditions
 
epsEquals(Number) - Static method in class org.nd4j.linalg.indexing.conditions.Conditions
 
epsi(IComplexNumber) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Returns an ndarray with 1 if the element is epsilon equals
epsi(Number) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Returns an ndarray with 1 if the element is epsilon equals
epsi(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
In place epsilon equals than comparison: If the given number is less than the comparison number the item is 0 otherwise 1
epsi(IComplexNumber) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Returns an ndarray with 1 if the element is epsilon equals
epsi(Number) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Returns an ndarray with 1 if the element is epsilon equals
epsi(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
In place epsilon equals than comparison: If the given number is less than the comparison number the item is 0 otherwise 1
epsi(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns an ndarray with 1 if the element is epsilon equals
epsi(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
In place epsilon equals than comparison: If the given number is less than the comparison number the item is 0 otherwise 1
epsi(Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the binary ndarray for "Epsilon equals" comparison.
epsi(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the binary ndarray for "Epsilon equals" comparison.
EpsilonEquals - Class in org.nd4j.linalg.indexing.conditions
Created by agibsonccc on 10/8/14.
EpsilonEquals() - Constructor for class org.nd4j.linalg.indexing.conditions.EpsilonEquals
Special constructor for pairwise boolean operations.
EpsilonEquals(Number) - Constructor for class org.nd4j.linalg.indexing.conditions.EpsilonEquals
 
EpsilonEquals(IComplexNumber) - Constructor for class org.nd4j.linalg.indexing.conditions.EpsilonEquals
 
EpsilonNotEquals - Class in org.nd4j.linalg.indexing.conditions
Created by agibsonccc on 10/8/14.
EpsilonNotEquals() - Constructor for class org.nd4j.linalg.indexing.conditions.EpsilonNotEquals
Special constructor for pairwise boolean operations.
EpsilonNotEquals(Number) - Constructor for class org.nd4j.linalg.indexing.conditions.EpsilonNotEquals
 
EpsilonNotEquals(IComplexNumber) - Constructor for class org.nd4j.linalg.indexing.conditions.EpsilonNotEquals
 
epsNotEquals(Number) - Static method in class org.nd4j.linalg.indexing.conditions.Conditions
 
eq(Number) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
eq(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
eq(IComplexNumber) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
eq(Number) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
eq(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
eq(IComplexNumber) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
eq(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
eq(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
eq(Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the binary ndarray for "Equals" comparison.
eq(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the binary ndarray for "Equals" comparison.
eq(Condition...) - Method in class org.nd4j.linalg.indexing.conditions.ConditionBuilder
 
eqi(Number) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
eqi(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
eqi(IComplexNumber) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
eqi(Number) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
eqi(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
eqi(IComplexNumber) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
eqi(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
eqi(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
eqi(Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the binary ndarray for "Equals" comparison.
eqi(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the binary ndarray for "Equals" comparison.
equals(Object) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Compare two matrices.
equals(Object) - Method in class org.nd4j.linalg.api.instrumentation.DataBufferLogEntry
 
equals(Object) - Method in class org.nd4j.linalg.api.instrumentation.LogEntry
 
equals(Object) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Compare two matrices.
equals(Object) - Method in class org.nd4j.linalg.api.shape.ShapeDescriptor
 
equals(Object) - Method in class org.nd4j.linalg.cache.ArrayDescriptor
 
equals(Object) - Method in class org.nd4j.linalg.dataset.DataSet
 
equals(Object) - Method in class org.nd4j.linalg.dataset.MultiDataSet
 
equals(IComplexNumber) - Static method in class org.nd4j.linalg.indexing.conditions.Conditions
 
equals(Number) - Static method in class org.nd4j.linalg.indexing.conditions.Conditions
 
equals(Object) - Method in class org.nd4j.linalg.indexing.IntervalIndex
 
equals(Object) - Method in class org.nd4j.linalg.indexing.NDArrayIndex
 
equals(Object) - Method in class org.nd4j.linalg.indexing.PointIndex
 
equals(Object) - Method in interface org.nd4j.linalg.learning.config.IUpdater
 
equals(Object) - Method in class org.nd4j.linalg.profiler.data.primitives.StackDescriptor
 
EqualsCondition - Class in org.nd4j.linalg.indexing.conditions
Created by agibsonccc on 10/8/14.
EqualsCondition() - Constructor for class org.nd4j.linalg.indexing.conditions.EqualsCondition
Special constructor for pairwise boolean operations.
EqualsCondition(Number) - Constructor for class org.nd4j.linalg.indexing.conditions.EqualsCondition
 
EqualsCondition(IComplexNumber) - Constructor for class org.nd4j.linalg.indexing.conditions.EqualsCondition
 
equalsWithEps(Object, double) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
This method allows you to compare INDArray against other INDArray, with variable eps
equalsWithEps(Object, double) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
This method checks 2 INDArrays equality with given eps
EqualsWithEps - Class in org.nd4j.linalg.api.ops.impl.accum
Operation for fast INDArrays equality checks
EqualsWithEps() - Constructor for class org.nd4j.linalg.api.ops.impl.accum.EqualsWithEps
 
EqualsWithEps(INDArray, INDArray, INDArray, long, double) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.EqualsWithEps
 
EqualsWithEps(INDArray, INDArray, long, double) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.EqualsWithEps
 
EqualsWithEps(INDArray, INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.EqualsWithEps
 
EqualTo - Class in org.nd4j.linalg.api.ops.impl.transforms.comparison
Bit mask over the ndarrays as to whether the components are equal or not
EqualTo() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.EqualTo
 
EqualTo(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.EqualTo
 
EqualTo(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.EqualTo
 
EqualTo(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.EqualTo
 
EqualTo(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.EqualTo
 
estimateVariance(INDArray, int) - Method in class org.nd4j.linalg.dimensionalityreduction.PCA
Estimate the variance of a single record with reduced # of dimensions.
EuclideanDistance - Class in org.nd4j.linalg.api.ops.impl.accum.distances
Euclidean distance
EuclideanDistance() - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.EuclideanDistance
 
EuclideanDistance(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.EuclideanDistance
 
EuclideanDistance(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.EuclideanDistance
 
EuclideanDistance(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.EuclideanDistance
 
EuclideanDistance(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.EuclideanDistance
 
EuclideanDistance(INDArray, INDArray, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.EuclideanDistance
 
EuclideanDistance(INDArray, INDArray, INDArray, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.EuclideanDistance
 
euclideanDistance(INDArray, INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
Event - Enum in org.nd4j.linalg.heartbeat.reports
 
eventsCount - Variable in class org.nd4j.linalg.profiler.data.primitives.StackTree
 
exampleMaxs() - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
exampleMaxs() - Method in class org.nd4j.linalg.dataset.DataSet
 
exampleMeans() - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
exampleMeans() - Method in class org.nd4j.linalg.dataset.DataSet
 
exampleSums() - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
exampleSums() - Method in class org.nd4j.linalg.dataset.DataSet
 
exec() - Method in class org.nd4j.linalg.api.ops.BaseOp
 
exec(int...) - Method in class org.nd4j.linalg.api.ops.BaseOp
 
exec(Op) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
exec(Op, int...) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
exec(Accumulation, int...) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
exec(Variance, boolean, int...) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
exec(IndexAccumulation, int...) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
exec(BroadcastOp, int...) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
exec(MetaOp) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
exec(GridOp) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
exec(Batch<T>) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
exec(Aggregate) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
exec(List<Aggregate>) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
exec(RandomOp) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
This method executes specified RandomOp using default RNG available via Nd4j.getRandom()
exec(RandomOp, Random) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
This method executes specific RandomOp against specified RNG
exec(Op) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
Execute the operation
exec(Op, int...) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
Execute the operation along 1 or more dimensions
exec(Accumulation, int...) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
Execute an accumulation along one or more dimensions
exec(BroadcastOp, int...) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
Execute an broadcast along one or more dimensions
exec(Variance, boolean, int...) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
Execute an accumulation along one or more dimensions
exec(IndexAccumulation, int...) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
Execute an index accumulation along one or more dimensions
exec(MetaOp) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
Execute MetaOp
exec(GridOp) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
Execute GridOp
exec(Aggregate) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
 
exec(Batch<T>) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
This method executes previously built batch
exec(List<Aggregate>) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
This method takes abritrary sized list of aggregates, and packs them into batches
exec(RandomOp) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
This method executes specified RandomOp using default RNG available via Nd4j.getRandom()
exec(RandomOp, Random) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
This method executes specific RandomOp against specified RNG
exec() - Method in class org.nd4j.linalg.api.ops.impl.accum.Bias
 
exec(int...) - Method in class org.nd4j.linalg.api.ops.impl.accum.Bias
 
exec() - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineDistance
 
exec(int...) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineDistance
 
exec() - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineSimilarity
 
exec(int...) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineSimilarity
 
exec() - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.HammingDistance
 
exec(int...) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.HammingDistance
 
exec() - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.JaccardDistance
 
exec(int...) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.JaccardDistance
 
exec() - Method in class org.nd4j.linalg.api.ops.impl.accum.Mmul
 
exec() - Method in class org.nd4j.linalg.api.ops.impl.accum.StandardDeviation
 
exec(int...) - Method in class org.nd4j.linalg.api.ops.impl.accum.StandardDeviation
 
exec() - Method in class org.nd4j.linalg.api.ops.impl.accum.TensorMmul
 
exec() - Method in class org.nd4j.linalg.api.ops.impl.accum.Variance
 
exec(int...) - Method in class org.nd4j.linalg.api.ops.impl.accum.Variance
 
exec() - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.CopyOp
 
exec() - Method in class org.nd4j.linalg.api.ops.impl.transforms.LogSoftMax
 
exec(int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LogSoftMax
 
exec() - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftMax
 
exec(int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftMax
 
exec(int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftMaxDerivative
 
exec() - Method in class org.nd4j.linalg.api.ops.impl.transforms.VectorFFT
 
exec() - Method in class org.nd4j.linalg.api.ops.impl.transforms.VectorIFFT
 
exec() - Method in interface org.nd4j.linalg.api.ops.Op
Execute the op if its pass through (not needed most of the time)
exec(int...) - Method in interface org.nd4j.linalg.api.ops.Op
Exec along each dimension
exec() - Method in class org.nd4j.linalg.api.ops.TadCollapseAccumulation
 
exec(int...) - Method in class org.nd4j.linalg.api.ops.TadCollapseAccumulation
 
exec(INDArrayIndex...) - Method in class org.nd4j.linalg.indexing.ShapeOffsetResolution
Based on the passed in array compute the shape,offsets, and strides for the given indexes
EXEC_THREADS - Static variable in class org.nd4j.linalg.executors.ExecutorServiceProvider
 
execAndReturn(Op) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
execAndReturn(TransformOp) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
execAndReturn(Accumulation) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
execAndReturn(Variance, boolean) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
execAndReturn(ScalarOp) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
execAndReturn(IndexAccumulation) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
execAndReturn(BroadcastOp) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
execAndReturn(TransformOp) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
Execute a TransformOp and return the result
execAndReturn(Accumulation) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
Execute and return the result from an accumulation
execAndReturn(Variance, boolean) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
Execute and return the result from an accumulation
execAndReturn(IndexAccumulation) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
Execute and return the result from an index accumulation
execAndReturn(ScalarOp) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
Execute and return the result from a scalar op
execAndReturn(BroadcastOp) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
Execute and return the result from a vector op
execAndReturn(Op) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
Execute and return a result ndarray from the given op
executed - Variable in class org.nd4j.linalg.api.ops.impl.transforms.VectorFFT
 
executed - Variable in class org.nd4j.linalg.api.ops.impl.transforms.VectorIFFT
 
EXECUTION_MODE - Static variable in class org.nd4j.linalg.factory.Nd4j
 
executionMode - Variable in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
executionMode() - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
executionMode() - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
Get the execution mode for this execuioner
executionMode - Static variable in class org.nd4j.linalg.factory.Nd4j
 
ExecutorServiceProvider - Class in org.nd4j.linalg.executors
 
ExecutorServiceProvider() - Constructor for class org.nd4j.linalg.executors.ExecutorServiceProvider
 
ExistingMiniBatchDataSetIterator - Class in org.nd4j.linalg.dataset
Read in existing mini batches created by the mini batch file datasetiterator.
ExistingMiniBatchDataSetIterator(File) - Constructor for class org.nd4j.linalg.dataset.ExistingMiniBatchDataSetIterator
Create with the given root directory, using the default filename pattern ExistingMiniBatchDataSetIterator.DEFAULT_PATTERN
ExistingMiniBatchDataSetIterator(File, String) - Constructor for class org.nd4j.linalg.dataset.ExistingMiniBatchDataSetIterator
 
Exp - Class in org.nd4j.linalg.api.ops.impl.transforms
Exp elementwise function
Exp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Exp
 
Exp(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Exp
 
Exp(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Exp
 
Exp(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Exp
 
Exp(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Exp
 
exp(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
exp(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Exp function
exp(IComplexNDArray) - Static method in class org.nd4j.linalg.util.ComplexNDArrayUtil
 
exp(IComplexNumber) - Static method in class org.nd4j.linalg.util.ComplexUtil
Returns the exp of a complex number: Let r be the realComponent component and i be the imaginary Let ret be the complex number returned ret -> exp(r) * cos(i), exp(r) * sin(i) where the first number is the realComponent component and the second number is the imaginary component
exp(IComplexDouble) - Static method in class org.nd4j.linalg.util.ComplexUtil
Returns the exp of a complex number: Let r be the realComponent component and i be the imaginary Let ret be the complex number returned ret -> exp(r) * cos(i), exp(r) * sin(i) where the first number is the realComponent component and the second number is the imaginary component
exp(IComplexFloat) - Static method in class org.nd4j.linalg.util.ComplexUtil
Returns the exp of a complex number: Let r be the realComponent component and i be the imaginary Let ret be the complex number returned ret -> exp(r) * cos(i), exp(r) * sin(i) where the first number is the realComponent component and the second number is the imaginary component
expandDims(INDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
Expand the array dimensions.
expi(IComplexNDArray) - Static method in class org.nd4j.linalg.util.ComplexNDArrayUtil
Returns the exponential of a complex ndarray
externalAllocations - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
externalCount - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
extraArgs - Variable in class org.nd4j.linalg.api.ops.BaseOp
 
extraArgs() - Method in class org.nd4j.linalg.api.ops.BaseOp
 
extraArgs() - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Col2Im
 
extraArgs() - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Im2col
 
extraArgs() - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Pooling2D
 
extraArgs() - Method in interface org.nd4j.linalg.api.ops.Op
Extra arguments
extraArgsBuff() - Method in class org.nd4j.linalg.api.ops.BaseOp
 
extraArgsBuff() - Method in interface org.nd4j.linalg.api.ops.Op
Returns a buffer of either float or double of the extra args for this buffer
extraArgsDataBuff() - Method in class org.nd4j.linalg.api.ops.BaseOp
 
extraArgsDataBuff() - Method in interface org.nd4j.linalg.api.ops.Op
Returns the extra args as a data buffer
extraArgz - Variable in class org.nd4j.linalg.api.ops.BaseOp
 
extractComponents(INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossMixtureDensity
 
eye(int) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create the identity ndarray
eye(int) - Static method in class org.nd4j.linalg.factory.Nd4j
Create the identity ndarray
eye(int) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create the identity ndarray

F

factory() - Static method in class org.nd4j.linalg.factory.Nd4j
The factory used for creating ndarrays
fallbackMode - Static variable in class org.nd4j.linalg.factory.Nd4j
 
FeatureUtil - Class in org.nd4j.linalg.util
Feature matrix related jcuda.utils
FeatureUtil() - Constructor for class org.nd4j.linalg.util.FeatureUtil
 
fetch(int) - Method in interface org.nd4j.linalg.dataset.api.iterator.fetcher.DataSetFetcher
Fetches the next dataset.
fetcher - Variable in class org.nd4j.linalg.dataset.api.iterator.BaseDatasetIterator
 
fft(INDArray, int) - Method in class org.nd4j.linalg.fft.BaseFFTInstance
FFT along a particular dimension
fft(IComplexNDArray) - Method in class org.nd4j.linalg.fft.BaseFFTInstance
1d discrete fourier op, note that this will throw an exception if the passed in input isn't a vector.
fft(INDArray) - Method in class org.nd4j.linalg.fft.BaseFFTInstance
1d discrete fourier op, note that this will throw an exception if the passed in input isn't a vector.
fft(IComplexNDArray, int) - Method in class org.nd4j.linalg.fft.BaseFFTInstance
1d discrete fourier op, note that this will throw an exception if the passed in input isn't a vector.
fft(INDArray, int, int) - Method in class org.nd4j.linalg.fft.DefaultFFTInstance
FFT along a particular dimension
fft(IComplexNDArray, int, int) - Method in class org.nd4j.linalg.fft.DefaultFFTInstance
1d discrete fourier op, note that this will throw an exception if the passed in input isn't a vector.
FFT - Class in org.nd4j.linalg.fft
FFT and IFFT
FFT() - Constructor for class org.nd4j.linalg.fft.FFT
 
fft(INDArray, int) - Static method in class org.nd4j.linalg.fft.FFT
FFT along a particular dimension
fft(IComplexNDArray) - Static method in class org.nd4j.linalg.fft.FFT
1d discrete fourier op, note that this will throw an exception if the passed in input isn't a vector.
fft(INDArray) - Static method in class org.nd4j.linalg.fft.FFT
1d discrete fourier op, note that this will throw an exception if the passed in input isn't a vector.
fft(INDArray, int, int) - Static method in class org.nd4j.linalg.fft.FFT
FFT along a particular dimension
fft(IComplexNDArray, int) - Static method in class org.nd4j.linalg.fft.FFT
1d discrete fourier op, note that this will throw an exception if the passed in input isn't a vector.
fft(IComplexNDArray, int, int) - Static method in class org.nd4j.linalg.fft.FFT
1d discrete fourier op, note that this will throw an exception if the passed in input isn't a vector.
fft(INDArray, int) - Method in interface org.nd4j.linalg.fft.FFTInstance
FFT along a particular dimension
fft(IComplexNDArray) - Method in interface org.nd4j.linalg.fft.FFTInstance
1d discrete fourier op, note that this will throw an exception if the passed in input isn't a vector.
fft(INDArray) - Method in interface org.nd4j.linalg.fft.FFTInstance
1d discrete fourier op, note that this will throw an exception if the passed in input isn't a vector.
fft(INDArray, int, int) - Method in interface org.nd4j.linalg.fft.FFTInstance
FFT along a particular dimension
fft(IComplexNDArray, int) - Method in interface org.nd4j.linalg.fft.FFTInstance
1d discrete fourier op, note that this will throw an exception if the passed in input isn't a vector.
fft(IComplexNDArray, int, int) - Method in interface org.nd4j.linalg.fft.FFTInstance
1d discrete fourier op, note that this will throw an exception if the passed in input isn't a vector.
FFT_INSTANCE - Static variable in class org.nd4j.linalg.factory.Nd4j
 
FFT_OPS - Static variable in class org.nd4j.linalg.factory.Nd4j
 
FFTInstance - Interface in org.nd4j.linalg.fft
Base line fft methods
fftInstanceClazz - Static variable in class org.nd4j.linalg.factory.Nd4j
 
fftLength - Variable in class org.nd4j.linalg.api.ops.impl.transforms.VectorFFT
 
fftLength - Variable in class org.nd4j.linalg.api.ops.impl.transforms.VectorIFFT
 
fftn(IComplexNDArray, int, int) - Method in class org.nd4j.linalg.fft.BaseFFTInstance
Performs FFT along the first non singleton dimension of op.
fftn(INDArray, int, int) - Method in class org.nd4j.linalg.fft.BaseFFTInstance
Computes the fft along the first non singleton dimension of op when it is a matrix
fftn(INDArray) - Method in class org.nd4j.linalg.fft.BaseFFTInstance
FFT on the whole array (n is equal the first dimension shape)
fftn(IComplexNDArray) - Method in class org.nd4j.linalg.fft.BaseFFTInstance
FFT on the whole array (n is equal the first dimension shape)
fftn(IComplexNDArray, int, int) - Static method in class org.nd4j.linalg.fft.FFT
Performs FFT along the first non singleton dimension of op.
fftn(INDArray, int, int) - Static method in class org.nd4j.linalg.fft.FFT
Computes the fft along the first non singleton dimension of op when it is a matrix
fftn(INDArray) - Static method in class org.nd4j.linalg.fft.FFT
FFT on the whole array (n is equal the first dimension shape)
fftn(IComplexNDArray) - Static method in class org.nd4j.linalg.fft.FFT
FFT on the whole array (n is equal the first dimension shape)
fftn(IComplexNDArray, int, int) - Method in interface org.nd4j.linalg.fft.FFTInstance
Performs FFT along the first non singleton dimension of op.
fftn(INDArray, int, int) - Method in interface org.nd4j.linalg.fft.FFTInstance
Computes the fft along the first non singleton dimension of op when it is a matrix
fftn(INDArray) - Method in interface org.nd4j.linalg.fft.FFTInstance
FFT on the whole array (n is equal the first dimension shape)
fftn(IComplexNDArray) - Method in interface org.nd4j.linalg.fft.FFTInstance
FFT on the whole array (n is equal the first dimension shape)
fillIn(int[], INDArrayIndex...) - Static method in class org.nd4j.linalg.indexing.Indices
Fill in the missing indices to be the same length as the original shape.
filterAndStrip(int[]) - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
filterAndStrip(int[]) - Method in class org.nd4j.linalg.dataset.DataSet
Strips the dataset down to the specified labels and remaps them
filterBy(int[]) - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
filterBy(int[]) - Method in class org.nd4j.linalg.dataset.DataSet
Strips the data transform of all but the passed in labels
finalResult - Variable in class org.nd4j.linalg.api.ops.aggregates.BaseAggregate
 
finalResult - Variable in class org.nd4j.linalg.api.ops.BaseAccumulation
 
finalResult - Variable in class org.nd4j.linalg.api.ops.BaseIndexAccumulation
 
finalResultComplex - Variable in class org.nd4j.linalg.api.ops.BaseAccumulation
 
FirstAxisIterator - Class in org.nd4j.linalg.api.iter
 
FirstAxisIterator(INDArray) - Constructor for class org.nd4j.linalg.api.iter.FirstAxisIterator
 
FirstIndex - Class in org.nd4j.linalg.api.ops.impl.indexaccum
Calculate the index of max value over a vector
FirstIndex() - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
FirstIndex(INDArray, Condition) - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
FirstIndex(INDArray, Condition, double) - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
firstIndex(INDArray, Condition) - Static method in class org.nd4j.linalg.indexing.BooleanIndexing
This method returns first index matching given condition PLEASE NOTE: This method will return -1 value if condition wasn't met
firstIndex(INDArray, Condition, int...) - Static method in class org.nd4j.linalg.indexing.BooleanIndexing
This method returns first index matching given condition along given dimensions PLEASE NOTE: This method will return -1 values for missing conditions
firstTensorOffset - Variable in class org.nd4j.linalg.api.ops.executioner.OpExecutionerUtil.Tensor1DStats
 
fit(DataSet) - Method in class org.nd4j.linalg.dataset.api.iterator.StandardScaler
Deprecated.
 
fit(DataSetIterator) - Method in class org.nd4j.linalg.dataset.api.iterator.StandardScaler
Deprecated.
Fit the given model
fit(DataSet) - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractDataSetNormalizer
Fit a dataset (only compute based on the statistics from this dataset)
fit(DataSetIterator) - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractDataSetNormalizer
Fit the given model
fit(MultiDataSet) - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractMultiDataSetNormalizer
Fit a MultiDataSet (only compute based on the statistics from this MultiDataSet)
fit(MultiDataSetIterator) - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractMultiDataSetNormalizer
Fit an iterator
fit(DataSetIterator) - Method in interface org.nd4j.linalg.dataset.api.preprocessor.DataNormalization
Iterates over a dataset accumulating statistics for normalization
fit(DataSet) - Method in class org.nd4j.linalg.dataset.api.preprocessor.ImagePreProcessingScaler
Fit a dataset (only compute based on the statistics from this dataset0
fit(DataSetIterator) - Method in class org.nd4j.linalg.dataset.api.preprocessor.ImagePreProcessingScaler
Iterates over a dataset accumulating statistics for normalization
fit(MultiDataSetIterator) - Method in interface org.nd4j.linalg.dataset.api.preprocessor.MultiDataNormalization
Iterates over a dataset accumulating statistics for normalization
fit(MultiDataSet) - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerHybrid
Fit a MultiDataSet (only compute based on the statistics from this dataset)
fit(MultiDataSetIterator) - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerHybrid
Iterates over a dataset accumulating statistics for normalization
fit(T) - Method in interface org.nd4j.linalg.dataset.api.preprocessor.Normalizer
Fit a dataset (only compute based on the statistics from this dataset)
fit(DataSet) - Method in class org.nd4j.linalg.dataset.api.preprocessor.VGG16ImagePreProcessor
Fit a dataset (only compute based on the statistics from this dataset0
fit(DataSetIterator) - Method in class org.nd4j.linalg.dataset.api.preprocessor.VGG16ImagePreProcessor
Iterates over a dataset accumulating statistics for normalization
fitLabel(boolean) - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractDataSetNormalizer
Flag to specify if the labels/outputs in the dataset should be also normalized default value is false
fitLabel(boolean) - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractMultiDataSetNormalizer
Flag to specify if the labels/outputs in the dataset should be also normalized default value is false
fitLabel(boolean) - Method in interface org.nd4j.linalg.dataset.api.preprocessor.DataNormalization
Flag to specify if the labels/outputs in the dataset should be also normalized.
fitLabel(boolean) - Method in class org.nd4j.linalg.dataset.api.preprocessor.ImagePreProcessingScaler
 
fitLabel(boolean) - Method in class org.nd4j.linalg.dataset.api.preprocessor.VGG16ImagePreProcessor
 
FlatIterator - Class in org.nd4j.linalg.api.iter
Created by agibsonccc on 9/15/15.
FlatIterator(int[]) - Constructor for class org.nd4j.linalg.api.iter.FlatIterator
 
FLEXIBLE_ENCODING - Static variable in class org.nd4j.linalg.compression.ThresholdCompression
 
Floor - Class in org.nd4j.linalg.api.ops.impl.transforms
Floor elementwise function
Floor() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Floor
 
Floor(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Floor
 
Floor(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Floor
 
Floor(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Floor
 
Floor(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Floor
 
floor(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Binary matrix of whether the number at a given index is greater than
floor(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Floor function
floor(IComplexNumber) - Static method in class org.nd4j.linalg.util.ComplexUtil
Return the floor value of the given complex number
flushQueue() - Method in interface org.nd4j.linalg.api.ops.executioner.GridExecutioner
This method forces all currently enqueued ops to be executed immediately PLEASE NOTE: This call CAN be non-blocking, if specific backend implementation supports that.
flushQueueBlocking() - Method in interface org.nd4j.linalg.api.ops.executioner.GridExecutioner
This method forces all currently enqueued ops to be executed immediately PLEASE NOTE: This call is always blocking, until all queued operations are finished
fmod(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
fmod(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
fmod(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
fmod(Number, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
fmod(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
remainder of division
fmod(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
remainder of division
fmod(Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
fmod(Number, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
fmodi(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
fmodi(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
fmodi(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
In place fmod
fmodi(Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
In place fmod
FModOp - Class in org.nd4j.linalg.api.ops.impl.transforms.arithmetic
Multiplication operation
FModOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.FModOp
 
FModOp(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.FModOp
 
FModOp(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.FModOp
 
FModOp(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.FModOp
 
FModOp(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.FModOp
 
FModOp(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.FModOp
 
format(INDArray) - Method in class org.nd4j.linalg.string.NDArrayStrings
Format the given ndarray as a string
FORTRAN - Static variable in interface org.nd4j.linalg.factory.NDArrayFactory
 
free(Pointer) - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
FreeGridOp - Class in org.nd4j.linalg.api.ops.impl.grid
Simple GridOp that operates on arbitrary number of Ops, that have no relations between them.
FreeGridOp() - Constructor for class org.nd4j.linalg.api.ops.impl.grid.FreeGridOp
 
FreeGridOp(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.grid.FreeGridOp
 
FreeGridOp(Op...) - Constructor for class org.nd4j.linalg.api.ops.impl.grid.FreeGridOp
 
FreeGridOp(List<Op>) - Constructor for class org.nd4j.linalg.api.ops.impl.grid.FreeGridOp
 
freqCounter - Variable in class org.nd4j.linalg.memory.BasicMemoryManager
 
frequency - Variable in class org.nd4j.linalg.memory.BasicMemoryManager
 
fromByteArray(byte[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Read an ndarray from a byte array
fromByteBuffer(ByteBuffer) - Static method in class org.nd4j.linalg.compression.CompressionDescriptor
Instantiate a compression descriptor from the given bytebuffer
fromString(String) - Static method in enum org.nd4j.linalg.activations.Activation
Returns the activation function enum value
fromString(String) - Static method in enum org.nd4j.linalg.compression.CompressionAlgorithm
Return the appropriate compression algorithm from the given string

G

GarbageWorkspaceReference(MemoryWorkspace, ReferenceQueue<? super MemoryWorkspace>) - Constructor for class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace.GarbageWorkspaceReference
 
GaussianDistribution - Class in org.nd4j.linalg.api.ops.random.impl
This Op generates normal distribution over provided mean and stddev
GaussianDistribution() - Constructor for class org.nd4j.linalg.api.ops.random.impl.GaussianDistribution
 
GaussianDistribution(INDArray, double, double) - Constructor for class org.nd4j.linalg.api.ops.random.impl.GaussianDistribution
This op fills Z with random values within stddev..mean..stddev boundaries
GaussianDistribution(INDArray, INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.random.impl.GaussianDistribution
 
GaussianDistribution(INDArray) - Constructor for class org.nd4j.linalg.api.ops.random.impl.GaussianDistribution
This op fills Z with random values within -1.0..0..1.0
GaussianDistribution(INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.random.impl.GaussianDistribution
This op fills Z with random values within stddev..0..stddev
gaussians(int) - Method in class org.nd4j.linalg.lossfunctions.impl.LossMixtureDensity.Builder
Specifies the number of gaussian functions to attempt fitting against the data.
gbmv(char, char, int, int, double, INDArray, INDArray, double, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
gbmv computes a matrix-vector product using a general band matrix and performs one of the following matrix-vector operations: y := alpha*a*x + beta*y for trans = 'N'or'n'; y := alpha*a'*x + beta*y for trans = 'T'or't'; y := alpha*conjg(a')*x + beta*y for trans = 'C'or'c'.
gbmv(char, char, int, int, IComplexNumber, IComplexNDArray, IComplexNDArray, IComplexNumber, IComplexNDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
gbmv computes a matrix-vector product using a general band matrix and performs one of the following matrix-vector operations: y := alpha*a*x + beta*y for trans = 'N'or'n'; y := alpha*a'*x + beta*y for trans = 'T'or't'; y := alpha*conjg(a')*x + beta*y for trans = 'C'or'c'.
gbmv(char, char, int, int, double, INDArray, INDArray, double, INDArray) - Method in interface org.nd4j.linalg.api.blas.Level2
gbmv computes a matrix-vector product using a general band matrix and performs one of the following matrix-vector operations: y := alpha*a*x + beta*y for trans = 'N'or'n'; y := alpha*a'*x + beta*y for trans = 'T'or't'; y := alpha*conjg(a')*x + beta*y for trans = 'C'or'c'.
gbmv(char, char, int, int, IComplexNumber, IComplexNDArray, IComplexNDArray, IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.blas.Level2
gbmv computes a matrix-vector product using a general band matrix and performs one of the following matrix-vector operations: y := alpha*a*x + beta*y for trans = 'N'or'n'; y := alpha*a'*x + beta*y for trans = 'T'or't'; y := alpha*conjg(a')*x + beta*y for trans = 'C'or'c'.
geev(char, char, INDArray, INDArray, INDArray, INDArray, INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
geev(char, char, INDArray, INDArray, INDArray, INDArray, INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
 
gelsd(INDArray, INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
gelsd(INDArray, INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Generalized Least Squares via *GELSD.
gemm(char, char, char, double, INDArray, INDArray, double, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
gemm performs a matrix-matrix operation c := alpha*op(a)*op(b) + beta*c, where c is an m-by-n matrix, op(a) is an m-by-k matrix, op(b) is a k-by-n matrix.
gemm(INDArray, INDArray, INDArray, boolean, boolean, double, double) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
A convenience method for matrix-matrix operations with transposes.
gemm(char, char, char, IComplexNumber, IComplexNDArray, IComplexNDArray, IComplexNumber, IComplexNDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
gemm performs a matrix-matrix operation c := alpha*op(a)*op(b) + beta*c, where c is an m-by-n matrix, op(a) is an m-by-k matrix, op(b) is a k-by-n matrix.
gemm(char, char, char, double, INDArray, INDArray, double, INDArray) - Method in interface org.nd4j.linalg.api.blas.Level3
gemm performs a matrix-matrix operation c := alpha*op(a)*op(b) + beta*c, where c is an m-by-n matrix, op(a) is an m-by-k matrix, op(b) is a k-by-n matrix.
gemm(INDArray, INDArray, INDArray, boolean, boolean, double, double) - Method in interface org.nd4j.linalg.api.blas.Level3
A convenience method for matrix-matrix operations with transposes.
gemm(char, char, char, IComplexNumber, IComplexNDArray, IComplexNDArray, IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.blas.Level3
gemm performs a matrix-matrix operation c := alpha*op(a)*op(b) + beta*c, where c is an m-by-n matrix, op(a) is an m-by-k matrix, op(b) is a k-by-n matrix.
gemm(double, INDArray, INDArray, double, INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
gemm(float, INDArray, INDArray, float, INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
gemm(IComplexNumber, IComplexNDArray, IComplexNDArray, IComplexNumber, IComplexNDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
gemm(double, INDArray, INDArray, double, INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Deprecated.
gemm(float, INDArray, INDArray, float, INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Deprecated.
gemm(IComplexNumber, IComplexNDArray, IComplexNDArray, IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Deprecated.
gemm(INDArray, INDArray, boolean, boolean) - Static method in class org.nd4j.linalg.factory.Nd4j
matrix multiply: implements op(a)*op(b) where op(x) means transpose x (or not) depending on setting of arguments transposea and transposeb.
so gemm(a,b,false,false) == a.mmul(b), gemm(a,b,true,false) == a.transpose().mmul(b) etc.
gemm(INDArray, INDArray, INDArray, boolean, boolean, double, double) - Static method in class org.nd4j.linalg.factory.Nd4j
Matrix multiply: Implements c = alpha*op(a)*op(b) + beta*c where op(X) means transpose X (or not) depending on setting of arguments transposeA and transposeB.
Note that matrix c MUST be fortran order, have zero offset and have c.data().length == c.length().
GemmParams - Class in org.nd4j.linalg.api.blas.params
Used for setting the gemm parameters Separates blas logic from the run time itself.
GemmParams(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.blas.params.GemmParams
 
GemmParams(INDArray, INDArray, INDArray, boolean, boolean) - Constructor for class org.nd4j.linalg.api.blas.params.GemmParams
 
gemv(char, char, double, INDArray, INDArray, double, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
gemv computes a matrix-vector product using a general matrix and performs one of the following matrix-vector operations: y := alpha*a*x + beta*y for trans = 'N'or'n'; y := alpha*a'*x + beta*y for trans = 'T'or't'; y := alpha*conjg(a')*x + beta*y for trans = 'C'or'c'.
gemv(char, char, IComplexNumber, IComplexNDArray, IComplexNDArray, IComplexNumber, IComplexNDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
gemv computes a matrix-vector product using a general matrix and performs one of the following matrix-vector operations: y := alpha*a*x + beta*y for trans = 'N'or'n'; y := alpha*a'*x + beta*y for trans = 'T'or't'; y := alpha*conjg(a')*x + beta*y for trans = 'C'or'c'.
gemv(char, char, double, INDArray, INDArray, double, INDArray) - Method in interface org.nd4j.linalg.api.blas.Level2
gemv computes a matrix-vector product using a general matrix and performs one of the following matrix-vector operations: y := alpha*a*x + beta*y for trans = 'N'or'n'; y := alpha*a'*x + beta*y for trans = 'T'or't'; y := alpha*conjg(a')*x + beta*y for trans = 'C'or'c'.
gemv(char, char, IComplexNumber, IComplexNDArray, IComplexNDArray, IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.blas.Level2
gemv computes a matrix-vector product using a general matrix and performs one of the following matrix-vector operations: y := alpha*a*x + beta*y for trans = 'N'or'n'; y := alpha*a'*x + beta*y for trans = 'T'or't'; y := alpha*conjg(a')*x + beta*y for trans = 'C'or'c'.
gemv(Number, INDArray, INDArray, double, INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
gemv(IComplexNumber, IComplexNDArray, IComplexNDArray, IComplexNumber, IComplexNDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
gemv(double, INDArray, INDArray, double, INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
gemv(float, INDArray, INDArray, float, INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
gemv(IComplexDouble, IComplexNDArray, IComplexNDArray, IComplexDouble, IComplexNDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
gemv(IComplexFloat, IComplexNDArray, IComplexNDArray, IComplexFloat, IComplexNDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
gemv(Number, INDArray, INDArray, double, INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
************************************************************************ BLAS Level 2
gemv(double, INDArray, INDArray, double, INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Deprecated.
gemv(float, INDArray, INDArray, float, INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Deprecated.
gemv(IComplexDouble, IComplexNDArray, IComplexNDArray, IComplexDouble, IComplexNDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Deprecated.
gemv(IComplexNumber, IComplexNDArray, IComplexNDArray, IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Deprecated.
gemv(IComplexFloat, IComplexNDArray, IComplexNDArray, IComplexFloat, IComplexNDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Deprecated.
GemvParameters - Class in org.nd4j.linalg.api.blas.params
Gemv parameters: The parameters for general matrix vector operations
GemvParameters(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.blas.params.GemvParameters
 
generateGaussianSamples(int) - Method in class org.nd4j.linalg.dimensionalityreduction.PCA
Generates a set of count random samples with the same variance and mean and eigenvector/values as the data set used to initialize the PCA object, with same number of features N.
generator() - Method in class org.nd4j.linalg.indexing.SpecifiedIndex
 
geqrf(INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLapack
 
geqrf(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.blas.Lapack
QR decomposiiton of a matrix Factorize a matrix A such that A = QR The matrix A is overwritten by the Q component (i.e.
geqrf(INDArray, INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
geqrf(INDArray, INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
 
ger(char, double, INDArray, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
performs a rank-1 update of a general m-by-n matrix a: a := alpha*x*y' + a.
ger(char, double, INDArray, INDArray, INDArray) - Method in interface org.nd4j.linalg.api.blas.Level2
performs a rank-1 update of a general m-by-n matrix a: a := alpha*x*y' + a.
ger(Number, INDArray, INDArray, INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
ger(double, INDArray, INDArray, INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
ger(float, INDArray, INDArray, INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
ger(Number, INDArray, INDArray, INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
 
ger(double, INDArray, INDArray, INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Deprecated.
ger(float, INDArray, INDArray, INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Compute A <- alpha * x * y^T + A (general rank-1 update)
gerc(IComplexFloat, IComplexNDArray, IComplexNDArray, IComplexNDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
gerc(IComplexDouble, IComplexNDArray, IComplexNDArray, IComplexNDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
gerc(IComplexFloat, IComplexNDArray, IComplexNDArray, IComplexNDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Deprecated.
gerc(IComplexDouble, IComplexNDArray, IComplexNDArray, IComplexNDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Deprecated.
geru(char, IComplexNumber, IComplexNDArray, IComplexNDArray, IComplexNDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
performs a rank-1 update of a general m-by-n matrix a, without conjugation: a := alpha*x*y' + a.
geru(char, IComplexNumber, IComplexNDArray, IComplexNDArray, IComplexNDArray) - Method in interface org.nd4j.linalg.api.blas.Level2
performs a rank-1 update of a general m-by-n matrix a, without conjugation: a := alpha*x*y' + a.
geru(IComplexNumber, IComplexNDArray, IComplexNDArray, IComplexNDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
geru(IComplexDouble, IComplexNDArray, IComplexNDArray, IComplexNDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
geru(IComplexFloat, IComplexNDArray, IComplexNDArray, IComplexNDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
geru(IComplexDouble, IComplexNDArray, IComplexNDArray, IComplexNDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Deprecated.
geru(IComplexNumber, IComplexNDArray, IComplexNDArray, IComplexNDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Compute A <- alpha * x * y^T + A (general rank-1 update)
geru(IComplexFloat, IComplexNDArray, IComplexNDArray, IComplexNDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Deprecated.
gesv(INDArray, int[], INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
gesv(INDArray, int[], INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
************************************************************************ LAPACK
gesvd(INDArray, INDArray, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLapack
 
gesvd(INDArray, INDArray, INDArray, INDArray) - Method in interface org.nd4j.linalg.api.blas.Lapack
SVD decomposiiton of a matrix Factorize a matrix into its singular vectors and eigenvalues The decomposition is such that: A = U x S x VT gesvd = singular value decomposition (SVD) of a general matrix (GE)
get(INDArrayIndex...) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Returns a subset of this array based on the specified indexes
get(INDArrayIndex...) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Returns a subset of this array based on the specified indexes
get(INDArrayIndex...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns a subset of this array based on the specified indexes
get(INDArrayIndex...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns a subset of this array based on the specified indexes
get(T) - Method in interface org.nd4j.linalg.compression.AbstractStorage
Get object from the storage, by key
get(int) - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
get(int[]) - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
get(String) - Method in interface org.nd4j.linalg.dataset.api.iterator.cache.DataSetCache
 
get(String) - Method in class org.nd4j.linalg.dataset.api.iterator.cache.InFileAndMemoryDataSetCache
 
get(String) - Method in class org.nd4j.linalg.dataset.api.iterator.cache.InFileDataSetCache
 
get(String) - Method in class org.nd4j.linalg.dataset.api.iterator.cache.InMemoryDataSetCache
 
get(int) - Method in class org.nd4j.linalg.dataset.DataSet
Gets a copy of example i
get(int[]) - Method in class org.nd4j.linalg.dataset.DataSet
Gets a copy of example i
get(T) - Method in class org.nd4j.linalg.memory.stash.BasicStash
 
get(T) - Method in interface org.nd4j.linalg.memory.stash.Stash
 
get() - Method in class org.nd4j.linalg.util.AtomicThrowable
This method returns current state
get() - Method in class org.nd4j.linalg.util.DeviceLocal
This method returns object local to current deviceId
get(int) - Method in class org.nd4j.linalg.util.DeviceLocal
This method returns object local to target device
get1DTensorStats(INDArray, int...) - Static method in class org.nd4j.linalg.api.ops.executioner.OpExecutionerUtil
Tensor1DStats, used to efficiently iterate through tensors on a matrix (2d NDArray) for element-wise ops For example, the offset of each 1d tensor can be calculated using only a single tensorAlongDimension method call, hence is potentially faster than approaches requiring multiple tensorAlongDimension calls.
Note that this can only (generally) be used for 2d NDArrays.
get3dPermutedWithShape(int, int...) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
get3dReshapedWithShape(int, int...) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
get3dSubArraysWithShape(int, int...) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
get3dTensorAlongDimensionWithShape(int, int...) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
get4dPermutedWithShape(int, int...) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
get4dReshapedWithShape(int, int...) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
get4dSubArraysWithShape(int, int...) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
get4dTensorAlongDimensionWithShape(int, int...) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
get5dPermutedWithShape(int, int...) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
get5dReshapedWithShape(int, int...) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
get5dSubArraysWithShape(int, int...) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
get5dTensorAlongDimensionWithShape(int, int...) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
get6dPermutedWithShape(int, int...) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
get6dReshapedWithShape(int, int...) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
get6dSubArraysWithShape(int, int...) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
getAccum() - Method in class org.nd4j.linalg.api.ops.TadCollapseAccumulation
 
getActivation(INDArray, boolean) - Method in interface org.nd4j.linalg.activations.IActivation
Carry out activation function on the input array (usually known as 'preOut' or 'z') Implementations must overwrite "in", transform in place and return "in" Can support separate behaviour during test
getActivation(INDArray, boolean) - Method in class org.nd4j.linalg.activations.impl.ActivationCube
 
getActivation(INDArray, boolean) - Method in class org.nd4j.linalg.activations.impl.ActivationELU
 
getActivation(INDArray, boolean) - Method in class org.nd4j.linalg.activations.impl.ActivationHardSigmoid
 
getActivation(INDArray, boolean) - Method in class org.nd4j.linalg.activations.impl.ActivationHardTanH
 
getActivation(INDArray, boolean) - Method in class org.nd4j.linalg.activations.impl.ActivationIdentity
 
getActivation(INDArray, boolean) - Method in class org.nd4j.linalg.activations.impl.ActivationLReLU
 
getActivation(INDArray, boolean) - Method in class org.nd4j.linalg.activations.impl.ActivationRationalTanh
 
getActivation(INDArray, boolean) - Method in class org.nd4j.linalg.activations.impl.ActivationRectifiedTanh
 
getActivation(INDArray, boolean) - Method in class org.nd4j.linalg.activations.impl.ActivationReLU
 
getActivation(INDArray, boolean) - Method in class org.nd4j.linalg.activations.impl.ActivationRReLU
 
getActivation(INDArray, boolean) - Method in class org.nd4j.linalg.activations.impl.ActivationSELU
 
getActivation(INDArray, boolean) - Method in class org.nd4j.linalg.activations.impl.ActivationSigmoid
 
getActivation(INDArray, boolean) - Method in class org.nd4j.linalg.activations.impl.ActivationSoftmax
 
getActivation(INDArray, boolean) - Method in class org.nd4j.linalg.activations.impl.ActivationSoftPlus
 
getActivation(INDArray, boolean) - Method in class org.nd4j.linalg.activations.impl.ActivationSoftSign
 
getActivation(INDArray, boolean) - Method in class org.nd4j.linalg.activations.impl.ActivationTanH
 
getActivationFunction() - Method in enum org.nd4j.linalg.activations.Activation
Creates an instance of the activation function
getActiveLocation(INDArray) - Method in interface org.nd4j.linalg.api.concurrency.AffinityManager
This method returns last-updated location for the given INDArray
getActiveLocation(INDArray) - Method in class org.nd4j.linalg.api.concurrency.BasicAffinityManager
 
getAffinityManager() - Static method in class org.nd4j.linalg.factory.Nd4j
 
getAll3dTestArraysWithShape(int, int...) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
getAll4dTestArraysWithShape(int, int...) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
getAll5dTestArraysWithShape(int, int...) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
getAll6dTestArraysWithShape(int, int...) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
getAllTestMatricesWithShape(char, int, int, int) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
Get an array of INDArrays (2d) all with the specified shape.
getAllTestMatricesWithShape(int, int, int) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
Get an array of INDArrays (2d) all with the specified shape.
getAndActivateWorkspace() - Method in class org.nd4j.linalg.memory.provider.BasicWorkspaceManager
This method gets & activates default workspace
getAndActivateWorkspace(String) - Method in class org.nd4j.linalg.memory.provider.BasicWorkspaceManager
This method gets & activates workspace with a given Id
getAndActivateWorkspace(WorkspaceConfiguration, String) - Method in class org.nd4j.linalg.memory.provider.BasicWorkspaceManager
This method gets & activates default with a given configuration and Id
getAndSetFinalResult(double) - Method in interface org.nd4j.linalg.api.ops.Accumulation
Get and set the final result.
The final result is also stored in the Accumulation op itself (and can be retrieved by getFinalResult()) In some Accumulation operations, a final operation must be done on the accumulated result.
getAndSetFinalResult(float) - Method in interface org.nd4j.linalg.api.ops.Accumulation
 
getAndSetFinalResult(IComplexNumber) - Method in interface org.nd4j.linalg.api.ops.Accumulation
Complex version of getAndSetFinalResult().
getAndSetFinalResult(double) - Method in class org.nd4j.linalg.api.ops.BaseAccumulation
 
getAndSetFinalResult(float) - Method in class org.nd4j.linalg.api.ops.BaseAccumulation
 
getAndSetFinalResult(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.BaseAccumulation
 
getAndSetFinalResult(double) - Method in class org.nd4j.linalg.api.ops.impl.accum.AMean
 
getAndSetFinalResult(float) - Method in class org.nd4j.linalg.api.ops.impl.accum.AMean
 
getAndSetFinalResult(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.AMean
 
getAndSetFinalResult(double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineDistance
 
getAndSetFinalResult(float) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineDistance
 
getAndSetFinalResult(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineDistance
 
getAndSetFinalResult(double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineSimilarity
 
getAndSetFinalResult(float) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineSimilarity
 
getAndSetFinalResult(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineSimilarity
 
getAndSetFinalResult(double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.EuclideanDistance
 
getAndSetFinalResult(float) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.EuclideanDistance
 
getAndSetFinalResult(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.EuclideanDistance
 
getAndSetFinalResult(double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.HammingDistance
 
getAndSetFinalResult(float) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.HammingDistance
 
getAndSetFinalResult(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.HammingDistance
 
getAndSetFinalResult(double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.JaccardDistance
 
getAndSetFinalResult(float) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.JaccardDistance
 
getAndSetFinalResult(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.JaccardDistance
 
getAndSetFinalResult(double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Mean
 
getAndSetFinalResult(float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Mean
 
getAndSetFinalResult(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Mean
 
getAndSetFinalResult(double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm2
 
getAndSetFinalResult(float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm2
 
getAndSetFinalResult(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm2
 
getAndSetFinalResult(double) - Method in class org.nd4j.linalg.api.ops.impl.accum.StandardDeviation
 
getAndSetFinalResult(float) - Method in class org.nd4j.linalg.api.ops.impl.accum.StandardDeviation
 
getAndSetFinalResult(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.StandardDeviation
 
getAndSetFinalResult(double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Variance
 
getAndSetFinalResult(float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Variance
 
getAndSetFinalResult(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Variance
 
getArguments() - Method in interface org.nd4j.linalg.api.ops.aggregates.Aggregate
 
getArguments() - Method in class org.nd4j.linalg.api.ops.aggregates.BaseAggregate
 
getAutoGcWindow() - Method in class org.nd4j.linalg.memory.BasicMemoryManager
 
getAutoGcWindow() - Method in interface org.nd4j.linalg.memory.MemoryManager
This method reutrns
getAvailableCompressors() - Method in class org.nd4j.linalg.compression.BasicNDArrayCompressor
Get the set of available codecs for compression
getAverage() - Method in class org.nd4j.linalg.profiler.data.primitives.TimeSet
 
getAverage(String) - Method in class org.nd4j.linalg.profiler.data.StringAggregator
 
getAverageLoopTime() - Method in class org.nd4j.linalg.memory.BasicMemoryManager
 
getAverageLoopTime() - Method in interface org.nd4j.linalg.memory.MemoryManager
This method returns average time between invokeGCOccasionally() calls
getBackend() - Static method in class org.nd4j.linalg.factory.Nd4j
 
getBatches(List<U>) - Static method in class org.nd4j.linalg.api.ops.aggregates.Batch
Helper method to create batch from list of aggregates, for cases when list of aggregates is higher then batchLimit
getBatches(List<U>, int) - Static method in class org.nd4j.linalg.api.ops.aggregates.Batch
Helper method to create batch from list of aggregates, for cases when list of aggregates is higher then batchLimit
getBlasOffset(INDArray) - Static method in class org.nd4j.linalg.api.blas.BlasBufferUtil
Get blas stride for the given array
getBlasStride(INDArray) - Static method in class org.nd4j.linalg.api.blas.BlasBufferUtil
Get blas stride for the given array
getBlasVendor() - Method in interface org.nd4j.linalg.api.blas.Blas
Returns the BLAS library vendor
getBlasVendorId() - Method in interface org.nd4j.linalg.api.blas.Blas
Returns the BLAS library vendor id 0 - UNKNOWN, 1 - CUBLAS, 2 - OPENBLAS, 3 - MKL
getBlasWrapper() - Static method in class org.nd4j.linalg.factory.Nd4j
 
getCachedBytes() - Method in class org.nd4j.linalg.api.ndarray.BaseShapeInfoProvider
 
getCachedBytes() - Method in interface org.nd4j.linalg.api.ndarray.ShapeInfoProvider
This method returns memory used for cache, in bytes
getCachedBytes() - Method in interface org.nd4j.linalg.cache.ConstantHandler
This method returns memory used for cache, in bytes
getCachedBytes() - Method in interface org.nd4j.linalg.cache.TADManager
This method returns memory used for cache, in bytes
getCharForTranspose(INDArray) - Static method in class org.nd4j.linalg.api.blas.BlasBufferUtil
Returns the proper character for how to interpret a buffer (fortran being N C being T)
getColumn(int) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Get the specified column
getColumn(int) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Returns the specified column.
getColumn(int) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Get the specified column
getColumn(int) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the specified column.
getColumnNames() - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
getColumnNames() - Method in class org.nd4j.linalg.dataset.DataSet
Deprecated.
getColumns(int[]) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Get whole columns from the passed indices.
getColumns(int[]) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
getColumns(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Get whole columns from the passed indices.
getColumns(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Get an INDArray comprised of the specified columns only.
getComplex(int, IComplexNumber) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
getComplex(int, int, IComplexNumber) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
getComplex(int) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
getComplex(int, int) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
getComplex(int...) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
getComplex(int) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
getComplex(int, int) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
getComplex(int, IComplexNumber) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
getComplex(int, int, IComplexNumber) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
getComplex(int...) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Get the complex number at the given indices
getComplexDouble(long) - Method in class org.nd4j.linalg.compression.CompressedDataBuffer
 
getComplexFloat(long) - Method in class org.nd4j.linalg.compression.CompressedDataBuffer
 
getComplexStrides(int[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
Get the strides for the given order and shape
getComplexStrides(int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Get the strides based on the shape and NDArrays.order()
getCompressionType() - Method in interface org.nd4j.linalg.compression.NDArrayCompressor
This method returns compression type provided by specific NDArrayCompressor implementation
getCompressor(String) - Method in class org.nd4j.linalg.compression.BasicNDArrayCompressor
 
getCompressor() - Static method in class org.nd4j.linalg.factory.Nd4j
This method returns BasicNDArrayCompressor instance, suitable for NDArray compression/decompression at runtime
getConfig() - Method in interface org.nd4j.linalg.learning.GradientUpdater
 
getConstantBuffer(int[]) - Method in interface org.nd4j.linalg.cache.ConstantHandler
This method returns DataBuffer with constant equal to input array.
getConstantBuffer(float[]) - Method in interface org.nd4j.linalg.cache.ConstantHandler
This method returns DataBuffer with constant equal to input array.
getConstantBuffer(double[]) - Method in interface org.nd4j.linalg.cache.ConstantHandler
This method returns DataBuffer with contant equal to input array.
getConstantHandler() - Static method in class org.nd4j.linalg.factory.Nd4j
 
getConvolution() - Static method in class org.nd4j.linalg.factory.Nd4j
Get the convolution singleton
getCount(String) - Method in class org.nd4j.linalg.profiler.data.StringCounter
 
getCovarianceMatrix() - Method in class org.nd4j.linalg.dimensionalityreduction.PCA
 
getCurrentSize() - Method in class org.nd4j.linalg.memory.abstracts.DummyWorkspace
This methos returns current allocated size of this workspace
getCurrentSize() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
This method returns current amount of memory allocated for workspace.
getCurrentWorkspace() - Method in class org.nd4j.linalg.memory.BasicMemoryManager
 
getCurrentWorkspace() - Method in interface org.nd4j.linalg.memory.MemoryManager
 
getCyclesCount() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
getDataBufferFactory() - Static method in class org.nd4j.linalg.factory.Nd4j
 
getDataBufferLogEntries() - Method in class org.nd4j.linalg.api.instrumentation.InMemoryInstrumentation
 
getDataType() - Method in class org.nd4j.linalg.api.instrumentation.DataBufferLogEntry
 
getDataType() - Method in class org.nd4j.linalg.api.instrumentation.LogEntry
 
getDefault() - Static method in class org.nd4j.linalg.dataset.api.preprocessor.serializer.NormalizerSerializer
Get the default serializer configured with strategies for the built-in normalizer implementations
getDefaultCompression() - Method in class org.nd4j.linalg.compression.BasicNDArrayCompressor
Get the default compression algorithm as a string.
getDescriptor() - Method in interface org.nd4j.linalg.compression.NDArrayCompressor
This method returns compression descriptor.
getDestroyed() - Method in class org.nd4j.linalg.api.instrumentation.InMemoryInstrumentation
 
getDestroyed() - Method in interface org.nd4j.linalg.api.instrumentation.Instrumentation
Get the destroyed ndarrays
getDeviancePart(double, double) - Static method in class org.nd4j.linalg.api.rng.distribution.impl.SaddlePointExpansion
A part of the deviance portion of the saddle point approximation.
getDeviceForArray(INDArray) - Method in interface org.nd4j.linalg.api.concurrency.AffinityManager
This method returns id of current device for a given INDArray
getDeviceForArray(INDArray) - Method in class org.nd4j.linalg.api.concurrency.BasicAffinityManager
 
getDeviceForCurrentThread() - Method in interface org.nd4j.linalg.api.concurrency.AffinityManager
This method returns deviceId for current thread
getDeviceForCurrentThread() - Method in class org.nd4j.linalg.api.concurrency.BasicAffinityManager
 
getDeviceForThread(Thread) - Method in interface org.nd4j.linalg.api.concurrency.AffinityManager
This method returns deviceId for specified thread
getDeviceForThread(long) - Method in interface org.nd4j.linalg.api.concurrency.AffinityManager
This method returns deviceId for specified threadId
getDeviceForThread(Thread) - Method in class org.nd4j.linalg.api.concurrency.BasicAffinityManager
 
getDeviceForThread(long) - Method in class org.nd4j.linalg.api.concurrency.BasicAffinityManager
 
getDeviceId() - Method in class org.nd4j.linalg.memory.abstracts.DummyWorkspace
 
getDeviceOffset() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
This method returns current device memory offset within workspace
getDimension(INDArray, boolean) - Static method in class org.nd4j.linalg.api.blas.BlasBufferUtil
Get the dimension associated with the given ordering.
getDimension() - Method in class org.nd4j.linalg.api.ops.BaseBroadcastOp
 
getDimension() - Method in class org.nd4j.linalg.api.ops.BaseScalarOp
 
getDimension() - Method in interface org.nd4j.linalg.api.ops.BroadcastOp
Dimension to do the vector op along.
getDimension() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEquals
 
getDistributions() - Static method in class org.nd4j.linalg.factory.Nd4j
Get the primary distributions factory
getDouble(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the elements at the the specified indices
getDouble(int) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
getDouble(int, int) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
getDouble(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Get a double value at the specified indices.
getDouble(int) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Get the double value at the specified linear index in the array
getDouble(int, int) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Get the double value at the specified indices.
getDouble(INDArray, int...) - Static method in class org.nd4j.linalg.api.shape.Shape
Get a double based on the array and given indices
getDoubleData(INDArray) - Static method in class org.nd4j.linalg.api.blas.BlasBufferUtil
Returns the double data for this ndarray.
getDoubleData(DataBuffer) - Static method in class org.nd4j.linalg.api.blas.BlasBufferUtil
Returns the double data for this buffer.
getDoubleData(INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel
 
getDoubleData(DataBuffer) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel
 
getDoubleUnsafe(long) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
getDoubleUnsafe(long) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Get a scalar at the given linear offset
getEigenvalues() - Method in class org.nd4j.linalg.dimensionalityreduction.PCA
 
getEigenvectors() - Method in class org.nd4j.linalg.dimensionalityreduction.PCA
 
getElementName(int) - Method in class org.nd4j.linalg.profiler.data.primitives.StackDescriptor
 
getEntries() - Method in class org.nd4j.linalg.api.instrumentation.InMemoryInstrumentation
 
getEntryName() - Method in class org.nd4j.linalg.profiler.data.primitives.StackDescriptor
 
getEnvironment() - Static method in class org.nd4j.linalg.api.environment.Nd4jEnvironment
Load an Nd4jEnvironment from the properties returned from OpExecutioner.getEnvironmentInformation() derived from Nd4j.getExecutioner()
getEnvironmentInformation() - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
This method return set of key/value and key/key/value objects, describing current environment
getEnvironmentInformation() - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
This method return set of key/value and key/key/value objects, describing current environment
getErrorCode() - Method in error org.nd4j.linalg.api.blas.BlasException
 
getExampleMetaData(Class<T>) - Method in interface org.nd4j.linalg.dataset.api.DataSet
Get the example metadata, or null if no metadata has been set
Note: this method results in an unchecked cast - care should be taken when using this!
getExampleMetaData() - Method in interface org.nd4j.linalg.dataset.api.DataSet
Get the example metadata, or null if no metadata has been set
getExampleMetaData(Class<T>) - Method in interface org.nd4j.linalg.dataset.api.MultiDataSet
Get the example metadata, or null if no metadata has been set
Note: this method results in an unchecked cast - care should be taken when using this!
getExampleMetaData() - Method in interface org.nd4j.linalg.dataset.api.MultiDataSet
Get the example metadata, or null if no metadata has been set
getExampleMetaData() - Method in class org.nd4j.linalg.dataset.DataSet
 
getExampleMetaData(Class<T>) - Method in class org.nd4j.linalg.dataset.DataSet
 
getExampleMetaData() - Method in class org.nd4j.linalg.dataset.MultiDataSet
 
getExampleMetaData(Class<T>) - Method in class org.nd4j.linalg.dataset.MultiDataSet
 
getExecutioner() - Static method in class org.nd4j.linalg.factory.Nd4j
Get the operation executioner instance
getExecutorService() - Static method in class org.nd4j.linalg.executors.ExecutorServiceProvider
 
getFeatureMatrix() - Method in interface org.nd4j.linalg.dataset.api.DataSet
Deprecated.
getFeatureMatrix() - Method in class org.nd4j.linalg.dataset.DataSet
Get the feature matrix (inputs for the data)
getFeatureMean(int) - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerStandardize
 
getFeatures() - Method in interface org.nd4j.linalg.dataset.api.DataSet
Returns the features array for the DataSet
getFeatures() - Method in interface org.nd4j.linalg.dataset.api.MultiDataSet
Get all of the input features, as an array of INDArrays
getFeatures(int) - Method in interface org.nd4j.linalg.dataset.api.MultiDataSet
Get a single feature/input array
getFeatures() - Method in class org.nd4j.linalg.dataset.DataSet
 
getFeatures() - Method in class org.nd4j.linalg.dataset.MultiDataSet
 
getFeatures(int) - Method in class org.nd4j.linalg.dataset.MultiDataSet
 
getFeaturesMaskArray() - Method in interface org.nd4j.linalg.dataset.api.DataSet
Input mask array: a mask array for input, where each value is in {0,1} in order to specify whether an input is actually present or not.
getFeaturesMaskArray(int) - Method in interface org.nd4j.linalg.dataset.api.MultiDataSet
Get the specified feature mask array.
getFeaturesMaskArray() - Method in class org.nd4j.linalg.dataset.DataSet
 
getFeaturesMaskArray(int) - Method in class org.nd4j.linalg.dataset.MultiDataSet
 
getFeaturesMaskArrays() - Method in interface org.nd4j.linalg.dataset.api.MultiDataSet
Get the feature mask arrays.
getFeaturesMaskArrays() - Method in class org.nd4j.linalg.dataset.MultiDataSet
 
getFeatureStats() - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractDataSetNormalizer
 
getFeatureStats(int) - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractMultiDataSetNormalizer
 
getFeatureStats() - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractMultiDataSetNormalizer
 
getFeatureStd(int) - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerStandardize
 
getFFt() - Static method in class org.nd4j.linalg.factory.Nd4j
Returns the fft instance
getFftOp(INDArray, int) - Method in class org.nd4j.linalg.fft.DefaultFFTInstance
 
getFinalResult() - Method in interface org.nd4j.linalg.api.ops.Accumulation
Get the final result (may return null if getAndSetFinalResult has not been called, or for accumulation ops on complex arrays)
getFinalResult() - Method in interface org.nd4j.linalg.api.ops.aggregates.Aggregate
 
getFinalResult() - Method in class org.nd4j.linalg.api.ops.aggregates.BaseAggregate
 
getFinalResult() - Method in class org.nd4j.linalg.api.ops.BaseAccumulation
 
getFinalResult() - Method in class org.nd4j.linalg.api.ops.BaseIndexAccumulation
 
getFinalResult() - Method in interface org.nd4j.linalg.api.ops.IndexAccumulation
Get the final result of the IndexAccumulation
getFinalResultComplex() - Method in interface org.nd4j.linalg.api.ops.Accumulation
 
getFinalResultComplex() - Method in class org.nd4j.linalg.api.ops.BaseAccumulation
 
getFirstOp() - Method in class org.nd4j.linalg.api.ops.impl.meta.BaseMetaOp
 
getFirstOp() - Method in interface org.nd4j.linalg.api.ops.MetaOp
 
getFirstOpDescriptor() - Method in class org.nd4j.linalg.api.ops.impl.meta.BaseMetaOp
 
getFirstOpDescriptor() - Method in interface org.nd4j.linalg.api.ops.MetaOp
 
getFloat(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the elements at the the specified indices
getFloat(int) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
getFloat(int, int) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
getFloat(int[]) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the elements at the the specified indices
getFloat(int) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Return the item at the linear index i
getFloat(int, int) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Return the item at row i column j Note that this is the same as calling getScalar(new int[]{i,j}
getFloatData(INDArray) - Static method in class org.nd4j.linalg.api.blas.BlasBufferUtil
Returns the float data for this ndarray.
getFloatData(DataBuffer) - Static method in class org.nd4j.linalg.api.blas.BlasBufferUtil
Returns the float data for this buffer.
getFloatData(INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel
 
getFloatData(DataBuffer) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel
 
getForkJoinPool() - Static method in class org.nd4j.linalg.executors.ExecutorServiceProvider
 
getGradient(INDArray, int) - Method in class org.nd4j.linalg.learning.legacy.AdaGrad
Gets feature specific learning rates Adagrad keeps a history of gradients being passed in.
getGradient(double, int, int[]) - Method in class org.nd4j.linalg.learning.legacy.AdaGrad
 
getGradient(INDArray, int, int[]) - Method in class org.nd4j.linalg.learning.legacy.AdaGrad
 
getGradientViewArray() - Method in class org.nd4j.linalg.activations.BaseActivationFunction
 
getGradientViewArray() - Method in interface org.nd4j.linalg.activations.IActivation
 
getGridDescriptor() - Method in interface org.nd4j.linalg.api.ops.GridOp
 
getGridDescriptor() - Method in class org.nd4j.linalg.api.ops.impl.grid.BaseGridOp
 
getHostOffset() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
This method returns current host memory offset within workspace
getId() - Method in class org.nd4j.linalg.api.instrumentation.LogEntry
 
getId() - Method in class org.nd4j.linalg.memory.abstracts.DummyWorkspace
This method returns Id of this workspace
getIfftOp(INDArray, int) - Method in class org.nd4j.linalg.fft.DefaultFFTInstance
 
getILossFunction() - Method in enum org.nd4j.linalg.lossfunctions.LossFunctions.LossFunction
 
getImag(int) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
getImag(int) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Get the imaginary component at the specified index
getIndexingArguments() - Method in interface org.nd4j.linalg.api.ops.aggregates.Aggregate
 
getIndexingArguments() - Method in class org.nd4j.linalg.api.ops.aggregates.BaseAggregate
 
getInitialBlockSize() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
This method returns number of bytes for first block of circular workspace.
getInputStats(int) - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerHybrid
Get normalization statistics for a given input.
getInputStats() - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerHybrid
Get the map of normalization statistics per input
getInstance() - Static method in class org.nd4j.linalg.compression.BasicNDArrayCompressor
Get the ndarray compressor singleton
getInstance() - Static method in class org.nd4j.linalg.heartbeat.Heartbeat
 
getInstance() - Static method in class org.nd4j.linalg.profiler.OpProfiler
 
getInstrumentation() - Static method in class org.nd4j.linalg.factory.Nd4j
Gets the instrumentation instance
getInt(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the elements at the the specified indices
getInt(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Get an integer value at the specified indices.
getIntArrayArguments() - Method in interface org.nd4j.linalg.api.ops.aggregates.Aggregate
 
getIntArrayArguments() - Method in class org.nd4j.linalg.api.ops.aggregates.BaseAggregate
 
getInvocationsCount() - Method in class org.nd4j.linalg.profiler.OpProfiler
 
getLabelMax(int) - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerMinMaxScaler
 
getLabelMax() - Method in class org.nd4j.linalg.dataset.api.preprocessor.NormalizerMinMaxScaler
 
getLabelMean(int) - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerStandardize
 
getLabelMean() - Method in class org.nd4j.linalg.dataset.api.preprocessor.NormalizerStandardize
 
getLabelMin(int) - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerMinMaxScaler
 
getLabelMin() - Method in class org.nd4j.linalg.dataset.api.preprocessor.NormalizerMinMaxScaler
 
getLabelName(int) - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
getLabelName(int) - Method in class org.nd4j.linalg.dataset.DataSet
 
getLabelNames() - Method in interface org.nd4j.linalg.dataset.api.DataSet
Deprecated.
getLabelNames(INDArray) - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
getLabelNames(INDArray) - Method in class org.nd4j.linalg.dataset.DataSet
 
getLabelNames() - Method in class org.nd4j.linalg.dataset.DataSet
Deprecated.
getLabelNamesList() - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
getLabelNamesList() - Method in class org.nd4j.linalg.dataset.DataSet
Gets the optional label names
getLabels() - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
getLabels() - Method in class org.nd4j.linalg.dataset.api.iterator.BaseDatasetIterator
 
getLabels() - Method in class org.nd4j.linalg.dataset.api.iterator.CachingDataSetIterator
 
getLabels() - Method in interface org.nd4j.linalg.dataset.api.iterator.DataSetIterator
Get dataset iterator record reader labels
getLabels() - Method in class org.nd4j.linalg.dataset.api.iterator.KFoldIterator
 
getLabels() - Method in class org.nd4j.linalg.dataset.api.iterator.MultipleEpochsIterator
Deprecated.
 
getLabels() - Method in class org.nd4j.linalg.dataset.api.iterator.SamplingDataSetIterator
 
getLabels() - Method in class org.nd4j.linalg.dataset.api.iterator.TestDataSetIterator
 
getLabels() - Method in interface org.nd4j.linalg.dataset.api.MultiDataSet
Get all of the labels, as an array of INDArrays
getLabels(int) - Method in interface org.nd4j.linalg.dataset.api.MultiDataSet
Get a single label/output array
getLabels() - Method in class org.nd4j.linalg.dataset.DataSet
Returns the labels for the dataset
getLabels() - Method in class org.nd4j.linalg.dataset.ExistingMiniBatchDataSetIterator
 
getLabels() - Method in class org.nd4j.linalg.dataset.MiniBatchFileDataSetIterator
 
getLabels() - Method in class org.nd4j.linalg.dataset.MultiDataSet
 
getLabels(int) - Method in class org.nd4j.linalg.dataset.MultiDataSet
 
getLabels() - Method in class org.nd4j.linalg.dataset.ViewIterator
 
getLabelsMaskArray() - Method in interface org.nd4j.linalg.dataset.api.DataSet
Labels (output) mask array: a mask array for input, where each value is in {0,1} in order to specify whether an output is actually present or not.
getLabelsMaskArray(int) - Method in interface org.nd4j.linalg.dataset.api.MultiDataSet
Get the specified label mask array.
getLabelsMaskArray() - Method in class org.nd4j.linalg.dataset.DataSet
 
getLabelsMaskArray(int) - Method in class org.nd4j.linalg.dataset.MultiDataSet
 
getLabelsMaskArrays() - Method in interface org.nd4j.linalg.dataset.api.MultiDataSet
Get the labels mask arrays.
getLabelsMaskArrays() - Method in class org.nd4j.linalg.dataset.MultiDataSet
 
getLabelStats() - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractDataSetNormalizer
 
getLabelStats(int) - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractMultiDataSetNormalizer
 
getLabelStats() - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractMultiDataSetNormalizer
 
getLabelStd(int) - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerStandardize
 
getLabelStd() - Method in class org.nd4j.linalg.dataset.api.preprocessor.NormalizerStandardize
 
getLabelWidth() - Method in class org.nd4j.linalg.lossfunctions.impl.LossMixtureDensity
Returns the width of each label vector.
getLastCycleAllocations() - Method in class org.nd4j.linalg.memory.abstracts.DummyWorkspace
This method returns amount of memory consumed in last successful cycle, in bytes
getLastCycleAllocations() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
This method returns number of bytes allocated during last full cycle
getLastDescriptor() - Method in class org.nd4j.linalg.profiler.data.StackAggregator
 
getLastGcTime() - Method in class org.nd4j.linalg.memory.BasicMemoryManager
 
getLastGcTime() - Method in interface org.nd4j.linalg.memory.MemoryManager
This method returns time (in milliseconds) of the las System.gc() call
getLastOp() - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
getLastOp() - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
This method returns name of the last invoked op
getLd(INDArray) - Static method in class org.nd4j.linalg.api.blas.BlasBufferUtil
Get the leading dimension for a blas invocation.
getLeadingOnes() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
getLeadingOnes() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Get the number of leading ones in the array shape.
getLFactor(INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLapack
 
getLFactor(INDArray) - Method in interface org.nd4j.linalg.api.blas.Lapack
extracts the L (lower triangular) matrix from the LU factor result L will be the same dimensions as A
getLongHash(byte[]) - Static method in class org.nd4j.linalg.util.HashUtil
This method returns long hash for a given bytes array
getLongHash(String) - Static method in class org.nd4j.linalg.util.HashUtil
This method returns long hash for a given string
getMatrixMultiplyShape(int[], int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
Get the output shape of a matrix multiply
getMax(int) - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerMinMaxScaler
 
getMax() - Method in class org.nd4j.linalg.dataset.api.preprocessor.NormalizerMinMaxScaler
 
getMaxCycleAllocations() - Method in class org.nd4j.linalg.memory.abstracts.DummyWorkspace
This method returns amount of memory consumed by largest successful cycle, in bytes
getMaxCycleAllocations() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
This method returns number of bytes of biggest cycle
getMaximum() - Method in class org.nd4j.linalg.profiler.data.primitives.TimeSet
 
getMaximum(String) - Method in class org.nd4j.linalg.profiler.data.StringAggregator
 
getMaxThreads() - Method in interface org.nd4j.linalg.api.blas.Blas
 
getMean() - Method in class org.nd4j.linalg.api.rng.distribution.impl.NormalDistribution
Access the mean.
getMean() - Method in class org.nd4j.linalg.dataset.api.iterator.StandardScaler
Deprecated.
 
getMean() - Method in class org.nd4j.linalg.dataset.api.preprocessor.NormalizerStandardize
 
getMean() - Method in class org.nd4j.linalg.dimensionalityreduction.PCA
 
getMedian() - Method in class org.nd4j.linalg.profiler.data.primitives.TimeSet
 
getMedian(String) - Method in class org.nd4j.linalg.profiler.data.StringAggregator
 
getMemoryFootprint() - Method in interface org.nd4j.linalg.dataset.api.DataSet
This method returns memory used by this DataSet
getMemoryFootprint() - Method in interface org.nd4j.linalg.dataset.api.MultiDataSet
This method returns memory amount occupied by this MultiDataSet.
getMemoryFootprint() - Method in class org.nd4j.linalg.dataset.DataSet
This method returns memory used by this DataSet
getMemoryFootprint() - Method in class org.nd4j.linalg.dataset.MultiDataSet
This method returns memory used by this DataSet
getMemoryManager() - Static method in class org.nd4j.linalg.factory.Nd4j
This method returns backend-specific MemoryManager implementation, for low-level memory management
getMin(int) - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerMinMaxScaler
 
getMin() - Method in class org.nd4j.linalg.dataset.api.preprocessor.NormalizerMinMaxScaler
 
getMinimum() - Method in class org.nd4j.linalg.profiler.data.primitives.TimeSet
 
getMinimum(String) - Method in class org.nd4j.linalg.profiler.data.StringAggregator
 
getMixedOrderAggregator() - Method in class org.nd4j.linalg.profiler.OpProfiler
Dev-time method.
getNDArrayFactory() - Static method in class org.nd4j.linalg.factory.Nd4j
 
getNdArrayType() - Method in class org.nd4j.linalg.api.instrumentation.LogEntry
 
getNewRandomInstance() - Method in class org.nd4j.linalg.factory.RandomFactory
This method returns new onject implementing Random interface, initialized with System.currentTimeMillis() as seed
getNewRandomInstance(long) - Method in class org.nd4j.linalg.factory.RandomFactory
This method returns new onject implementing Random interface, initialized with seed value
getNewRandomInstance(long, long) - Method in class org.nd4j.linalg.factory.RandomFactory
This method returns new onject implementing Random interface, initialized with seed value, with size of elements in buffer
getNMixtures() - Method in class org.nd4j.linalg.lossfunctions.impl.LossMixtureDensity
Returns the number of gaussians this loss function will attempt to find.
getNodes() - Method in class org.nd4j.linalg.profiler.data.primitives.StackNode
 
getNumberOfDevices() - Method in interface org.nd4j.linalg.api.concurrency.AffinityManager
This method returns number of available devices
getNumberOfDevices() - Method in class org.nd4j.linalg.api.concurrency.BasicAffinityManager
 
getNumberOfExternalAllocations() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
This method returns number of spilled allocations, that can be purged at the end of block
getNumberOfPinnedAllocations() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
This method returns number of pinned allocations, they can be purged after 2 steps.
getNumberOfTrials() - Method in class org.nd4j.linalg.api.rng.distribution.impl.BinomialDistribution
Access the number of trials for this distribution.
getNumericalMean() - Method in interface org.nd4j.linalg.api.rng.distribution.Distribution
Use this method to get the numerical value of the mean of this distribution.
getNumericalMean() - Method in class org.nd4j.linalg.api.rng.distribution.impl.BinomialDistribution
Use this method to get the numerical value of the mean of this distribution.
getNumericalMean() - Method in class org.nd4j.linalg.api.rng.distribution.impl.NormalDistribution
Use this method to get the numerical value of the mean of this distribution.
getNumericalMean() - Method in class org.nd4j.linalg.api.rng.distribution.impl.UniformDistribution
Use this method to get the numerical value of the mean of this distribution.
getNumericalVariance() - Method in interface org.nd4j.linalg.api.rng.distribution.Distribution
Use this method to get the numerical value of the variance of this distribution.
getNumericalVariance() - Method in class org.nd4j.linalg.api.rng.distribution.impl.BinomialDistribution
Use this method to get the numerical value of the variance of this distribution.
getNumericalVariance() - Method in class org.nd4j.linalg.api.rng.distribution.impl.NormalDistribution
Use this method to get the numerical value of the variance of this distribution.
getNumericalVariance() - Method in class org.nd4j.linalg.api.rng.distribution.impl.UniformDistribution
Use this method to get the numerical value of the variance of this distribution.
getNumNewAxes() - Method in class org.nd4j.linalg.indexing.IndexInfo
 
getNumPoints() - Method in class org.nd4j.linalg.indexing.IndexInfo
 
getOccasionalGcFrequency() - Method in class org.nd4j.linalg.memory.BasicMemoryManager
 
getOccasionalGcFrequency() - Method in interface org.nd4j.linalg.memory.MemoryManager
This method returns
getOffset(long, int[], int[], int...) - Static method in class org.nd4j.linalg.api.shape.Shape
Get an offset for retrieval from a data buffer based on the given shape stride and given indices
getOffset(IntBuffer, int...) - Static method in class org.nd4j.linalg.api.shape.Shape
Get the offset of the specified indices from the shape info buffer
getOffset(DataBuffer, int...) - Static method in class org.nd4j.linalg.api.shape.Shape
Get the offset of the specified indices from the shape info buffer
getOffset(int[], int...) - Static method in class org.nd4j.linalg.api.shape.Shape
 
getOffset(DataBuffer, int, int) - Static method in class org.nd4j.linalg.api.shape.Shape
Get the offset of the specified [row,col] for the 2d array
getOffset(IntBuffer, int, int) - Static method in class org.nd4j.linalg.api.shape.Shape
Get the offset of the specified [row,col] for the 2d array
getOffset(IntBuffer, int, int, int) - Static method in class org.nd4j.linalg.api.shape.Shape
Get the offset of the specified [dim0,dim1,dim2] for the 3d array
getOffset(DataBuffer, int, int, int) - Static method in class org.nd4j.linalg.api.shape.Shape
Get the offset of the specified [dim0,dim1,dim2] for the 3d array
getOffset(IntBuffer, int, int, int, int) - Static method in class org.nd4j.linalg.api.shape.Shape
Get the offset of the specified [dim0,dim1,dim2,dim3] for the 4d array
getOffset(DataBuffer, int, int, int, int) - Static method in class org.nd4j.linalg.api.shape.Shape
Get the offset of the specified [dim0,dim1,dim2,dim3] for the 4d array
getOffsetUnsafe(DataBuffer, int, int) - Static method in class org.nd4j.linalg.api.shape.Shape
Identical to Shape.getOffset(DataBuffer, int, int) but without input validation on array rank
getOffsetUnsafe(int[], int, int) - Static method in class org.nd4j.linalg.api.shape.Shape
 
getOffsetUnsafe(DataBuffer, int, int, int) - Static method in class org.nd4j.linalg.api.shape.Shape
Identical to Shape.getOffset(DataBuffer, int, int, int) but without input validation on array rank
getOffsetUnsafe(int[], int, int, int) - Static method in class org.nd4j.linalg.api.shape.Shape
 
getOffsetUnsafe(DataBuffer, int, int, int, int) - Static method in class org.nd4j.linalg.api.shape.Shape
 
getOffsetUnsafe(int[], int, int, int, int) - Static method in class org.nd4j.linalg.api.shape.Shape
 
getOpClass(Op) - Method in class org.nd4j.linalg.profiler.OpProfiler
This method returns op class name
getOpFactory() - Static method in class org.nd4j.linalg.factory.Nd4j
Get the operation factory
getOpType(Op) - Static method in class org.nd4j.linalg.api.ops.BaseOp
 
getOrder(int[], int[], int) - Static method in class org.nd4j.linalg.api.shape.Shape
Infer order from
getOrder(INDArray) - Static method in class org.nd4j.linalg.api.shape.Shape
Infer the order for the ndarray based on the array's strides
getOutputStats(int) - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerHybrid
Get normalization statistics for a given output.
getOutputStats() - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerHybrid
Get the map of normalization statistics per output
getParametersViewArray() - Method in class org.nd4j.linalg.activations.BaseActivationFunction
 
getParametersViewArray() - Method in interface org.nd4j.linalg.activations.IActivation
 
getParentWorkspace() - Method in class org.nd4j.linalg.memory.abstracts.DummyWorkspace
This method returns parent Workspace, if any.
getParentWorkspace() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
This method returns parent Workspace, if any.
getPercentile(Number, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
getPermutedWithShape(char, int, int, int) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
getPermutedWithShape(int, int, int) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
getPFactor(int, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLapack
 
getPFactor(int, INDArray) - Method in interface org.nd4j.linalg.api.blas.Lapack
This method takes one of the ipiv returns from LAPACK and creates the permutation matrix.
getPinnedSize() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
This method returns number of bytes in pinned allocations.
getPreProcessor() - Method in class org.nd4j.linalg.dataset.api.iterator.BaseDatasetIterator
 
getPreProcessor() - Method in class org.nd4j.linalg.dataset.api.iterator.CachingDataSetIterator
 
getPreProcessor() - Method in interface org.nd4j.linalg.dataset.api.iterator.DataSetIterator
Returns preprocessors, if defined
getPreProcessor() - Method in class org.nd4j.linalg.dataset.api.iterator.KFoldIterator
 
getPreProcessor() - Method in interface org.nd4j.linalg.dataset.api.iterator.MultiDataSetIterator
Get the MultiDataSetPreProcessor, if one has previously been set.
getPreProcessor() - Method in class org.nd4j.linalg.dataset.api.iterator.MultipleEpochsIterator
Deprecated.
 
getPreProcessor() - Method in class org.nd4j.linalg.dataset.api.iterator.SamplingDataSetIterator
 
getPreProcessor() - Method in class org.nd4j.linalg.dataset.api.iterator.TestDataSetIterator
 
getPreProcessor() - Method in class org.nd4j.linalg.dataset.api.iterator.TestMultiDataSetIterator
 
getPreProcessor() - Method in class org.nd4j.linalg.dataset.ExistingMiniBatchDataSetIterator
 
getPreProcessor() - Method in class org.nd4j.linalg.dataset.MiniBatchFileDataSetIterator
 
getPreProcessor() - Method in class org.nd4j.linalg.dataset.ViewIterator
 
getProbabilityOfSuccess() - Method in class org.nd4j.linalg.api.rng.distribution.impl.BinomialDistribution
Access the probability of success for this distribution.
getProfilingMode() - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
getProfilingMode() - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
Ths method returns current profiling
getQueueLength() - Method in interface org.nd4j.linalg.api.ops.executioner.GridExecutioner
This method returns number of operations currently enqueued for execution
getRandom() - Static method in class org.nd4j.linalg.factory.Nd4j
Get the current random generator
getRandom() - Method in class org.nd4j.linalg.factory.RandomFactory
This method returns Random implementation instance associated with calling thread
getRandomBroadCastShape(long, int, int) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
Create an ndarray of
getRandomFactory() - Static method in class org.nd4j.linalg.factory.Nd4j
This method returns RandomFactory instance
getRandomGenerator() - Method in class org.nd4j.linalg.api.rng.DefaultRandom
 
getRange(int, int) - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
getRange() - Method in class org.nd4j.linalg.dataset.api.preprocessor.stats.MinMaxStats
Get the feature wise range for the statistics.
getRange(int, int) - Method in class org.nd4j.linalg.dataset.DataSet
 
getReal() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
getReal(int) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
getReal(int) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Get the real component at the specified index
getReal() - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Gets the real portion of this complex ndarray
getRealArguments() - Method in interface org.nd4j.linalg.api.ops.aggregates.Aggregate
 
getRealArguments() - Method in class org.nd4j.linalg.api.ops.aggregates.BaseAggregate
 
getReducedShape(int[], int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
Get the shape of the reduced array
getReferences() - Method in class org.nd4j.linalg.api.instrumentation.DataBufferLogEntry
 
getReferences() - Method in class org.nd4j.linalg.api.instrumentation.LogEntry
 
getRequiredBatchMemorySize() - Method in interface org.nd4j.linalg.api.ops.aggregates.Aggregate
This method returns amount of memory required for batch creation for this specific Aggregate
getRequiredBatchMemorySize() - Method in class org.nd4j.linalg.api.ops.aggregates.BaseAggregate
 
getReshapedWithShape(char, int, int, int) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
getReshapedWithShape(int, int, int) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
getrf(INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLapack
 
getrf(INDArray) - Method in interface org.nd4j.linalg.api.blas.Lapack
LU decomposiiton of a matrix Factorize a matrix A The matrix A is overridden by the L & U combined.
getri(int, INDArray, int, int[], INDArray, int, int) - Method in interface org.nd4j.linalg.api.blas.Lapack
Generate inverse ggiven LU decomp
getRootDir() - Method in class org.nd4j.linalg.dataset.MiniBatchFileDataSetIterator
 
getRow(int) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Get a copy of a row.
getRow(int) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Returns the specified row.
getRow(int) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Get a copy of a row.
getRow(int) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the specified row.
getRows(int[]) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Get whole rows from the passed indices.
getRows(int[]) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
getRows(int[]) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Get whole rows from the passed indices.
getRows(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Get an INDArray comprised of the specified rows only.
getScalar(int...) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Fetch a particular number on a multi dimensional scale.
getScalar(int, int) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Returns the element at the specified row/column This will throw an exception if the
getScalar(int) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Returns the element at the specified index
getScalar(int...) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Fetch a particular number on a multi dimensional scale.
getScalar(int, int) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Returns the element at the specified row/column This will throw an exception if the
getScalar(int) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Returns the element at the specified index
getScalar(int, int) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the element at the specified row/column This will throw an exception if the
getScalar(int) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
getScalar(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Fetch a particular number on a multi dimensional scale.
getScalar(int, int) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the element at the specified row/column This will throw an exception if the
getScalar(int) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the element at the specified index
getScalar(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the elements at the the specified indices
getScalarAggregator() - Method in class org.nd4j.linalg.profiler.OpProfiler
 
getSecondOp() - Method in class org.nd4j.linalg.api.ops.impl.meta.BaseMetaOp
 
getSecondOp() - Method in interface org.nd4j.linalg.api.ops.MetaOp
 
getSecondOpDescriptor() - Method in class org.nd4j.linalg.api.ops.impl.meta.BaseMetaOp
 
getSecondOpDescriptor() - Method in interface org.nd4j.linalg.api.ops.MetaOp
 
getSeed() - Method in class org.nd4j.linalg.api.rng.DefaultRandom
 
getSeed() - Method in interface org.nd4j.linalg.api.rng.Random
Gets the long seed of the underlying random number generator.
getShape() - Method in class org.nd4j.linalg.api.instrumentation.LogEntry
 
getShapeInfoProvider() - Static method in class org.nd4j.linalg.factory.Nd4j
 
getShapes() - Method in interface org.nd4j.linalg.api.ops.aggregates.Aggregate
 
getShapes() - Method in class org.nd4j.linalg.api.ops.aggregates.BaseAggregate
 
getSharedMemorySize() - Method in interface org.nd4j.linalg.api.ops.aggregates.Aggregate
This method returns amount of shared memory required for this specific Aggregate.
getSharedMemorySize() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateAxpy
This method returns amount of shared memory required for this specific Aggregate.
getSharedMemorySize() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateCBOW
 
getSharedMemorySize() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateDot
This method returns amount of shared memory required for this specific Aggregate.
getSharedMemorySize() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateGEMM
 
getSharedMemorySize() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateSkipGram
This method returns amount of shared memory required for this specific Aggregate.
getSharedMemorySize() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.HierarchicSoftmax
This method returns amount of shared memory required for this specific Aggregate.
getSolverAbsoluteAccuracy() - Method in class org.nd4j.linalg.api.rng.distribution.BaseDistribution
Returns the solver absolute accuracy for inverse cumulative computation.
getSolverAbsoluteAccuracy() - Method in class org.nd4j.linalg.api.rng.distribution.impl.NormalDistribution
Returns the solver absolute accuracy for inverse cumulative computation.
getSpilledSize() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
This method returns number of bytes in spilled allocations.
getStackTraceElements() - Method in class org.nd4j.linalg.api.instrumentation.DataBufferLogEntry
 
getStackTraceElements() - Method in class org.nd4j.linalg.api.instrumentation.LogEntry
 
getStandardDeviation() - Method in class org.nd4j.linalg.api.rng.distribution.impl.NormalDistribution
Access the standard deviation.
getStash(T) - Method in class org.nd4j.linalg.memory.stash.BasicStashManager
 
getStash(T) - Method in interface org.nd4j.linalg.memory.stash.StashManager
 
getStateBuffer() - Method in class org.nd4j.linalg.api.rng.DefaultRandom
This method returns pointer to RNG buffer
getStateBuffer() - Method in interface org.nd4j.linalg.api.rng.Random
This method returns pointer to RNG buffer
getStatePointer() - Method in class org.nd4j.linalg.api.rng.DefaultRandom
This method returns pointer to RNG state structure.
getStatePointer() - Method in interface org.nd4j.linalg.api.rng.Random
This method returns pointer to RNG state structure.
getStatus() - Method in class org.nd4j.linalg.api.instrumentation.DataBufferLogEntry
 
getStd() - Method in class org.nd4j.linalg.dataset.api.iterator.StandardScaler
Deprecated.
 
getStd() - Method in class org.nd4j.linalg.dataset.api.preprocessor.NormalizerStandardize
 
getStepNumber() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
This method returns step number.
getStillAlive() - Method in class org.nd4j.linalg.api.instrumentation.InMemoryInstrumentation
 
getStillAlive() - Method in interface org.nd4j.linalg.api.instrumentation.Instrumentation
Get the still alive ndarrays
getStirlingError(double) - Static method in class org.nd4j.linalg.api.rng.distribution.impl.SaddlePointExpansion
Compute the error of Stirling's series at the given value.
getStride() - Method in class org.nd4j.linalg.api.instrumentation.LogEntry
 
getStrideForOrdering(INDArray) - Static method in class org.nd4j.linalg.api.blas.BlasBufferUtil
Return the proper stride through a vector relative to the ordering of the array This is for incX/incY parameters in BLAS.
getStrides(int[], char) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
getStrides(int[], char) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
getStrides(int[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
Get the strides for the given order and shape
getStrides(int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Get the strides based on the shape and NDArrays.order()
getSubMatricesWithShape(int, int, int) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
getSubMatricesWithShape(char, int, int, int) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
getSum() - Method in class org.nd4j.linalg.profiler.data.primitives.TimeSet
 
getSum(String) - Method in class org.nd4j.linalg.profiler.data.StringAggregator
 
getSupportedClass() - Method in class org.nd4j.linalg.dataset.api.preprocessor.serializer.CustomSerializerStrategy
Get the class of the supported custom serializer
getSupportedType() - Method in class org.nd4j.linalg.dataset.api.preprocessor.serializer.CustomSerializerStrategy
 
getSupportedType() - Method in class org.nd4j.linalg.dataset.api.preprocessor.serializer.MinMaxSerializerStrategy
 
getSupportedType() - Method in class org.nd4j.linalg.dataset.api.preprocessor.serializer.MultiHybridSerializerStrategy
 
getSupportedType() - Method in class org.nd4j.linalg.dataset.api.preprocessor.serializer.MultiMinMaxSerializerStrategy
 
getSupportedType() - Method in class org.nd4j.linalg.dataset.api.preprocessor.serializer.MultiStandardizeSerializerStrategy
 
getSupportedType() - Method in interface org.nd4j.linalg.dataset.api.preprocessor.serializer.NormalizerSerializerStrategy
Get the enum type of the supported normalizer
getSupportedType() - Method in class org.nd4j.linalg.dataset.api.preprocessor.serializer.StandardizeSerializerStrategy
 
getSupportLowerBound() - Method in interface org.nd4j.linalg.api.rng.distribution.Distribution
Access the lower bound of the support.
getSupportLowerBound() - Method in class org.nd4j.linalg.api.rng.distribution.impl.BinomialDistribution
Access the lower bound of the support.
getSupportLowerBound() - Method in class org.nd4j.linalg.api.rng.distribution.impl.NormalDistribution
Access the lower bound of the support.
getSupportLowerBound() - Method in class org.nd4j.linalg.api.rng.distribution.impl.UniformDistribution
Access the lower bound of the support.
getSupportUpperBound() - Method in interface org.nd4j.linalg.api.rng.distribution.Distribution
Access the upper bound of the support.
getSupportUpperBound() - Method in class org.nd4j.linalg.api.rng.distribution.impl.BinomialDistribution
Access the upper bound of the support.
getSupportUpperBound() - Method in class org.nd4j.linalg.api.rng.distribution.impl.NormalDistribution
Access the upper bound of the support.
getSupportUpperBound() - Method in class org.nd4j.linalg.api.rng.distribution.impl.UniformDistribution
Access the upper bound of the support.
getTADLength(int[], int...) - Static method in class org.nd4j.linalg.api.shape.Shape
 
getTADManager() - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
getTADManager() - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
This method returns TADManager instance used for this OpExecutioner
getTADOnlyShapeInfo(INDArray, int...) - Method in interface org.nd4j.linalg.cache.TADManager
This method returns TAD shapeInfo and all offsets for specified tensor and dimensions.
getTargetMax() - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerMinMaxScaler
 
getTargetMax() - Method in class org.nd4j.linalg.dataset.api.preprocessor.NormalizerMinMaxScaler
 
getTargetMin() - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerMinMaxScaler
 
getTargetMin() - Method in class org.nd4j.linalg.dataset.api.preprocessor.NormalizerMinMaxScaler
 
getTensorAlongDimensionMatricesWithShape(char, int, int, int) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
getTensorAlongDimensionMatricesWithShape(int, int, int) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
getTest() - Method in class org.nd4j.linalg.dataset.SplitTestAndTrain
 
getThisCycleAllocations() - Method in class org.nd4j.linalg.memory.abstracts.DummyWorkspace
This method returns amount of memory consumed in last successful cycle, in bytes
getThisCycleAllocations() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
This method returns number of bytes allocated during THIS cycle
getThreadId() - Method in class org.nd4j.linalg.memory.abstracts.DummyWorkspace
 
getThreadsPerInstance() - Method in interface org.nd4j.linalg.api.ops.aggregates.Aggregate
This method returns desired number of threads per Aggregate instance PLEASE NOTE: this method is especially important for CUDA backend.
getThreadsPerInstance() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateAxpy
This method returns desired number of threads per Aggregate instance PLEASE NOTE: this method is especially important for CUDA backend.
getThreadsPerInstance() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateCBOW
 
getThreadsPerInstance() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateDot
This method returns desired number of threads per Aggregate instance PLEASE NOTE: this method is especially important for CUDA backend.
getThreadsPerInstance() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateGEMM
 
getThreadsPerInstance() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateSkipGram
This method returns desired number of threads per Aggregate instance PLEASE NOTE: this method is especially important for CUDA backend.
getThreadsPerInstance() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.HierarchicSoftmax
This method returns desired number of threads per Aggregate instance PLEASE NOTE: this method is especially important for CUDA backend.
getTimestamp() - Method in class org.nd4j.linalg.api.instrumentation.DataBufferLogEntry
 
getTotalEventsNumber() - Method in class org.nd4j.linalg.profiler.data.primitives.StackTree
 
getTotalEventsNumber() - Method in class org.nd4j.linalg.profiler.data.StackAggregator
 
getTrailingOnes() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
getTrailingOnes() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Get the number of trailing ones in the array shape.
getTrain() - Method in class org.nd4j.linalg.dataset.SplitTestAndTrain
 
getTransposedMatrixWithShape(char, int, int, int) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
getTransposedMatrixWithShape(int, int, int) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
getType() - Method in class org.nd4j.linalg.dataset.api.preprocessor.ImagePreProcessingScaler
 
getType() - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerHybrid
 
getType() - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerMinMaxScaler
 
getType() - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerStandardize
 
getType() - Method in interface org.nd4j.linalg.dataset.api.preprocessor.Normalizer
Get the enum type of this normalizer
getType() - Method in class org.nd4j.linalg.dataset.api.preprocessor.NormalizerMinMaxScaler
 
getType() - Method in class org.nd4j.linalg.dataset.api.preprocessor.NormalizerStandardize
 
getType() - Method in class org.nd4j.linalg.dataset.api.preprocessor.VGG16ImagePreProcessor
 
getUFactor(INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLapack
 
getUFactor(INDArray) - Method in interface org.nd4j.linalg.api.blas.Lapack
extracts the U (upper triangular) matrix from the LU factor result U will be n x n matrix where n = num cols in A
getUniqueBranchesNumber() - Method in class org.nd4j.linalg.profiler.data.primitives.StackTree
 
getUniqueBranchesNumber() - Method in class org.nd4j.linalg.profiler.data.StackAggregator
 
getValue() - Method in class org.nd4j.linalg.indexing.conditions.And
 
getValue() - Method in class org.nd4j.linalg.indexing.conditions.BaseCondition
 
getValue() - Method in interface org.nd4j.linalg.indexing.conditions.Condition
 
getValue() - Method in class org.nd4j.linalg.indexing.conditions.ConditionEquals
 
getValue() - Method in class org.nd4j.linalg.indexing.conditions.Not
 
getValue() - Method in class org.nd4j.linalg.indexing.conditions.Or
 
getVersionInfos() - Static method in class org.nd4j.versioncheck.VersionCheck
 
getWorkspaceConfiguration() - Method in class org.nd4j.linalg.memory.abstracts.DummyWorkspace
This method returns WorkspaceConfiguration bean that was used for given Workspace instance
getWorkspaceForCurrentThread() - Method in class org.nd4j.linalg.memory.provider.BasicWorkspaceManager
This method will return workspace with default configuration and default id.
getWorkspaceForCurrentThread(String) - Method in class org.nd4j.linalg.memory.provider.BasicWorkspaceManager
 
getWorkspaceManager() - Static method in class org.nd4j.linalg.factory.Nd4j
This method returns WorkspaceManager implementation to be used within this JVM process
GradientUpdater<T extends IUpdater> - Interface in org.nd4j.linalg.learning
Gradient modifications: Calculates an update and tracks related information for gradient changes over time for handling updates.
GreaterThan - Class in org.nd4j.linalg.api.ops.impl.transforms.comparison
Bit mask over the ndarrays as to whether the components are greater than or not
GreaterThan() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.GreaterThan
 
GreaterThan(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.GreaterThan
 
GreaterThan(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.GreaterThan
 
GreaterThan(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.GreaterThan
 
GreaterThan(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.GreaterThan
 
greaterThan(IComplexNumber) - Static method in class org.nd4j.linalg.indexing.conditions.Conditions
 
greaterThan(Number) - Static method in class org.nd4j.linalg.indexing.conditions.Conditions
 
GreaterThan - Class in org.nd4j.linalg.indexing.conditions
Created by agibsonccc on 10/8/14.
GreaterThan() - Constructor for class org.nd4j.linalg.indexing.conditions.GreaterThan
Special constructor for pairwise boolean operations.
GreaterThan(Number) - Constructor for class org.nd4j.linalg.indexing.conditions.GreaterThan
 
GreaterThan(IComplexNumber) - Constructor for class org.nd4j.linalg.indexing.conditions.GreaterThan
 
GreaterThanOrEqual - Class in org.nd4j.linalg.api.ops.impl.transforms.comparison
Bit mask over the ndarrays as to whether the components are greater than or equal or not
GreaterThanOrEqual() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.GreaterThanOrEqual
 
GreaterThanOrEqual(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.GreaterThanOrEqual
 
GreaterThanOrEqual(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.GreaterThanOrEqual
 
GreaterThanOrEqual(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.GreaterThanOrEqual
 
GreaterThanOrEqual(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.GreaterThanOrEqual
 
greaterThanOrEqual(IComplexNumber) - Static method in class org.nd4j.linalg.indexing.conditions.Conditions
 
greaterThanOrEqual(Number) - Static method in class org.nd4j.linalg.indexing.conditions.Conditions
 
GreaterThanOrEqual - Class in org.nd4j.linalg.indexing.conditions
Created by agibsonccc on 10/8/14.
GreaterThanOrEqual() - Constructor for class org.nd4j.linalg.indexing.conditions.GreaterThanOrEqual
Special constructor for pairwise boolean operations.
GreaterThanOrEqual(Number) - Constructor for class org.nd4j.linalg.indexing.conditions.GreaterThanOrEqual
 
GreaterThanOrEqual(IComplexNumber) - Constructor for class org.nd4j.linalg.indexing.conditions.GreaterThanOrEqual
 
greaterThanOrEqual(INDArray, INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
1 if greater than or equal to 0 otherwise (at each element)
greaterThanOrEqual(INDArray, INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Eps function
grid - Variable in class org.nd4j.linalg.api.ops.impl.grid.BaseGridOp
 
GridDescriptor - Class in org.nd4j.linalg.api.ops.grid
 
GridDescriptor() - Constructor for class org.nd4j.linalg.api.ops.grid.GridDescriptor
 
GridExecutioner - Interface in org.nd4j.linalg.api.ops.executioner
 
GridOp - Interface in org.nd4j.linalg.api.ops
MetaOp is special op, that contains multiple ops
GridPointers - Class in org.nd4j.linalg.api.ops.grid
POJO describing OP
GridPointers(Op, int...) - Constructor for class org.nd4j.linalg.api.ops.grid.GridPointers
 
gt(Number) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
gt(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
gt(IComplexNumber) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
gt(Number) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
gt(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
gt(IComplexNumber) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
gt(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
gt(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
gt(Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the binary ndarray for "Greater" comparison.
gt(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the binary ndarray for "Greter" comparison.
gte(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
gte(Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns binary ndarray for "Greter or equals" comparison.
gtei(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
gtei(Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the binary ndarray for "Greter or equals" comparison.
gti(Number) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
gti(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
gti(IComplexNumber) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
gti(Number) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
gti(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
gti(IComplexNumber) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
gti(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
gti(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
gti(Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the binary ndarray for "Greter" comparison.
gti(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the binary ndarray for "Greter" comparison.
guid - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 

H

HammingDistance - Class in org.nd4j.linalg.api.ops.impl.accum.distances
Hamming distance (simple)
HammingDistance() - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.HammingDistance
 
HammingDistance(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.HammingDistance
 
HammingDistance(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.HammingDistance
 
HammingDistance(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.HammingDistance
 
HammingDistance(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.HammingDistance
 
HammingDistance(INDArray, INDArray, INDArray, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.HammingDistance
 
HammingDistance(INDArray, INDArray, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.HammingDistance
 
hammingDistance(INDArray, INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
HardSigmoid - Class in org.nd4j.linalg.api.ops.impl.transforms
HardSigmoid function
HardSigmoid() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.HardSigmoid
 
HardSigmoid(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.HardSigmoid
 
HardSigmoid(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.HardSigmoid
 
HardSigmoid(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.HardSigmoid
 
HardSigmoid(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.HardSigmoid
 
HardSigmoid(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.HardSigmoid
 
HardSigmoidDerivative - Class in org.nd4j.linalg.api.ops.impl.transforms
HardSigmoid derivative
HardSigmoidDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.HardSigmoidDerivative
 
HardSigmoidDerivative(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.HardSigmoidDerivative
 
HardSigmoidDerivative(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.HardSigmoidDerivative
 
HardSigmoidDerivative(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.HardSigmoidDerivative
 
HardSigmoidDerivative(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.HardSigmoidDerivative
 
HardTanh - Class in org.nd4j.linalg.api.ops.impl.transforms
Hard tanh elementwise function
HardTanh() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.HardTanh
 
HardTanh(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.HardTanh
 
HardTanh(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.HardTanh
 
HardTanh(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.HardTanh
 
HardTanh(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.HardTanh
 
hardTanh(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
hardTanh(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Hard tanh
hardTanh(IComplexNumber) - Static method in class org.nd4j.linalg.util.ComplexUtil
Return the tanh of a complex number
HardTanhDerivative - Class in org.nd4j.linalg.api.ops.impl.transforms
Hard tanh elementwise derivative function
HardTanhDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.HardTanhDerivative
 
HardTanhDerivative(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.HardTanhDerivative
 
HardTanhDerivative(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.HardTanhDerivative
 
HardTanhDerivative(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.HardTanhDerivative
 
HardTanhDerivative(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.HardTanhDerivative
 
hardTanhDerivative(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
hardTanhDerivative(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Hard tanh
hashCode() - Method in class org.nd4j.linalg.api.instrumentation.DataBufferLogEntry
 
hashCode() - Method in class org.nd4j.linalg.api.instrumentation.LogEntry
 
hashCode() - Method in class org.nd4j.linalg.api.shape.ShapeDescriptor
 
hashCode() - Method in class org.nd4j.linalg.cache.ArrayDescriptor
 
hashCode() - Method in class org.nd4j.linalg.dataset.DataSet
 
hashCode() - Method in class org.nd4j.linalg.dataset.MultiDataSet
 
hashCode() - Method in class org.nd4j.linalg.indexing.IntervalIndex
 
hashCode() - Method in class org.nd4j.linalg.indexing.NDArrayIndex
 
hashCode() - Method in class org.nd4j.linalg.indexing.PointIndex
 
hashCode() - Method in class org.nd4j.linalg.profiler.data.primitives.StackDescriptor
 
HashUtil - Class in org.nd4j.linalg.util
Stronger 64-bit hash function helper, as described here: http://www.javamex.com/tutorials/collections/strong_hash_code_implementation.shtml
HashUtil() - Constructor for class org.nd4j.linalg.util.HashUtil
 
hasMaskArrays() - Method in interface org.nd4j.linalg.dataset.api.DataSet
Whether the labels or input (features) mask arrays are present for this DataSet
hasMaskArrays() - Method in interface org.nd4j.linalg.dataset.api.MultiDataSet
Whether there are any mask arrays (features or labels) present for this MultiDataSet
hasMaskArrays() - Method in class org.nd4j.linalg.dataset.DataSet
 
hasMaskArrays() - Method in class org.nd4j.linalg.dataset.MultiDataSet
 
hasMore() - Method in class org.nd4j.linalg.dataset.api.iterator.fetcher.BaseDataFetcher
 
hasMore() - Method in interface org.nd4j.linalg.dataset.api.iterator.fetcher.DataSetFetcher
Whether the dataset has more to load
hasNext() - Method in class org.nd4j.linalg.api.iter.FirstAxisIterator
 
hasNext() - Method in class org.nd4j.linalg.api.iter.FlatIterator
 
hasNext() - Method in class org.nd4j.linalg.api.iter.INDArrayIterator
 
hasNext() - Method in class org.nd4j.linalg.api.iter.NdIndexIterator
 
hasNext() - Method in class org.nd4j.linalg.dataset.api.iterator.BaseDatasetIterator
 
hasNext() - Method in class org.nd4j.linalg.dataset.api.iterator.CachingDataSetIterator
 
hasNext() - Method in class org.nd4j.linalg.dataset.api.iterator.KFoldIterator
 
hasNext() - Method in class org.nd4j.linalg.dataset.api.iterator.MultipleEpochsIterator
Deprecated.
Returns true if the iteration has more elements.
hasNext() - Method in class org.nd4j.linalg.dataset.api.iterator.SamplingDataSetIterator
 
hasNext() - Method in class org.nd4j.linalg.dataset.api.iterator.TestDataSetIterator
 
hasNext() - Method in class org.nd4j.linalg.dataset.api.iterator.TestMultiDataSetIterator
 
hasNext() - Method in class org.nd4j.linalg.dataset.ExistingMiniBatchDataSetIterator
 
hasNext() - Method in class org.nd4j.linalg.dataset.MiniBatchFileDataSetIterator
 
hasNext() - Method in class org.nd4j.linalg.dataset.ViewIterator
 
hasNext() - Method in interface org.nd4j.linalg.indexing.INDArrayIndex
Returns true if there is another element in the index to iterate over otherwise false
hasNext() - Method in class org.nd4j.linalg.indexing.IntervalIndex
 
hasNext() - Method in class org.nd4j.linalg.indexing.NDArrayIndex
 
hasNext() - Method in class org.nd4j.linalg.indexing.NDArrayIndexEmpty
 
hasNext() - Method in class org.nd4j.linalg.indexing.NewAxis
 
hasNext() - Method in class org.nd4j.linalg.indexing.PointIndex
 
hasNext() - Method in class org.nd4j.linalg.indexing.SpecifiedIndex
 
hasNextFor() - Method in interface org.nd4j.linalg.dataset.api.iterator.ParallelDataSetIterator
Returns true, if attached producer has something in queue, false otherwise
hasNextFor(int) - Method in interface org.nd4j.linalg.dataset.api.iterator.ParallelDataSetIterator
Returns true, if attached producer has something in queue, false otherwise
hasNextFor() - Method in interface org.nd4j.linalg.dataset.api.iterator.ParallelMultiDataSetIterator
Returns true, if attached producer has something in queue, false otherwise
hasNextFor(int) - Method in interface org.nd4j.linalg.dataset.api.iterator.ParallelMultiDataSetIterator
Returns true, if attached producer has something in queue, false otherwise
hasum(int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
hasum(int, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
haxpy(int, float, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
haxpy(int, float, DataBuffer, int, int, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
hbmv(char, char, IComplexNumber, IComplexNDArray, IComplexNDArray, IComplexNumber, IComplexNDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
performs a rank-1 update of a general m-by-n matrix a, without conjugation: a := alpha*x*y' + a.
hbmv(char, char, IComplexNumber, IComplexNDArray, IComplexNDArray, IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.blas.Level2
performs a rank-1 update of a general m-by-n matrix a, without conjugation: a := alpha*x*y' + a.
hdot(int, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
hdot(int, DataBuffer, int, int, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
Heartbeat - Class in org.nd4j.linalg.heartbeat
Heartbeat implementation for ND4j
Heartbeat() - Constructor for class org.nd4j.linalg.heartbeat.Heartbeat
 
hemm(char, char, char, IComplexNumber, IComplexNDArray, IComplexNDArray, IComplexNumber, IComplexNDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
hemm performs one of the following matrix-matrix operations: c := alpha*a*b + beta*c for side = 'L'or'l' c := alpha*b*a + beta*c for side = 'R'or'r', where a is a Hermitian matrix, b and c are m-by-n matrices.
hemm(char, char, char, IComplexNumber, IComplexNDArray, IComplexNDArray, IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.blas.Level3
hemm performs one of the following matrix-matrix operations: c := alpha*a*b + beta*c for side = 'L'or'l' c := alpha*b*a + beta*c for side = 'R'or'r', where a is a Hermitian matrix, b and c are m-by-n matrices.
hemv(char, char, IComplexNumber, IComplexNDArray, IComplexNDArray, IComplexNumber, IComplexNDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
hemv computes a matrix-vector product using a Hermitian matrix: y := alpha*a*x + beta*y.
hemv(char, char, IComplexNumber, IComplexNDArray, IComplexNDArray, IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.blas.Level2
hemv computes a matrix-vector product using a Hermitian matrix: y := alpha*a*x + beta*y.
her2(char, char, IComplexNumber, IComplexNDArray, IComplexNDArray, IComplexNDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
?her2 performs a rank-2 update of an n-by-n Hermitian matrix a: a := alpha*x*conjg(y') + conjg(alpha)*y*conjg(x') + a.
her2(char, char, IComplexNumber, IComplexNDArray, IComplexNDArray, IComplexNDArray) - Method in interface org.nd4j.linalg.api.blas.Level2
?her2 performs a rank-2 update of an n-by-n Hermitian matrix a: a := alpha*x*conjg(y') + conjg(alpha)*y*conjg(x') + a.
her2k(char, char, char, IComplexNumber, IComplexNDArray, IComplexNDArray, IComplexNumber, IComplexNDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
 
her2k(char, char, char, IComplexNumber, IComplexNDArray, IComplexNDArray, IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.blas.Level3
 
herk(char, char, char, IComplexNumber, IComplexNDArray, IComplexNumber, IComplexNDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
herk performs a rank-n update of a Hermitian matrix, that is, one of the following operations: c := alpha*a*conjug(a') + beta*c for trans = 'N'or'n' c := alpha*conjug(a')*a + beta*c for trans = 'C'or'c', where c is an n-by-n Hermitian matrix; a is an n-by-k matrix, if trans = 'N'or'n', a is a k-by-n matrix, if trans = 'C'or'c'.
herk(char, char, char, IComplexNumber, IComplexNDArray, IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.blas.Level3
herk performs a rank-n update of a Hermitian matrix, that is, one of the following operations: c := alpha*a*conjug(a') + beta*c for trans = 'N'or'n' c := alpha*conjug(a')*a + beta*c for trans = 'C'or'c', where c is an n-by-n Hermitian matrix; a is an n-by-k matrix, if trans = 'N'or'n', a is a k-by-n matrix, if trans = 'C'or'c'.
hermitian() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
hermitian() - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
a Hermitian matrix is a square matrix with complex entries that is equal to its own conjugate transpose
hgemm(char, char, char, int, int, int, float, INDArray, int, INDArray, int, float, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
 
HierarchicSoftmax - Class in org.nd4j.linalg.api.ops.aggregates.impl
This Op describes HS round for AggregateSkipGram/CBOW Hierarchic Softmax
HierarchicSoftmax(INDArray, INDArray, INDArray, INDArray, int, double) - Constructor for class org.nd4j.linalg.api.ops.aggregates.impl.HierarchicSoftmax
 
Histogram - Class in org.nd4j.linalg.api.ops.impl.transforms
 
Histogram() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Histogram
 
Histogram(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Histogram
 
Histogram(INDArray, int) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Histogram
 
historicalGradient - Variable in class org.nd4j.linalg.learning.AdaGradUpdater
 
historicalGradient - Variable in class org.nd4j.linalg.learning.legacy.AdaGrad
 
HOST_FREE_MEMORY_KEY - Static variable in class org.nd4j.linalg.api.environment.Nd4jEnvironment
 
HOST_TOTAL_MEMORY_KEY - Static variable in class org.nd4j.linalg.api.environment.Nd4jEnvironment
 
hostOffset - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
hpmv(char, char, int, IComplexNumber, IComplexNDArray, IComplexNDArray, IComplexNumber, IComplexNDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
?hpmv computes a matrix-vector product using a Hermitian packed matrix: y := alpha*a*x + beta*y.
hpmv(char, char, int, IComplexNumber, IComplexNDArray, IComplexNDArray, IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.blas.Level2
?hpmv computes a matrix-vector product using a Hermitian packed matrix: y := alpha*a*x + beta*y.
hpr2(char, char, IComplexNumber, IComplexNDArray, IComplexNDArray, IComplexNDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
hpr2 performs a rank-2 update of an n-by-n packed Hermitian matrix a: a := alpha*x*conjg(y') + conjg(alpha)*y*conjg(x') + a.
hpr2(char, char, IComplexNumber, IComplexNDArray, IComplexNDArray, IComplexNDArray) - Method in interface org.nd4j.linalg.api.blas.Level2
hpr2 performs a rank-2 update of an n-by-n packed Hermitian matrix a: a := alpha*x*conjg(y') + conjg(alpha)*y*conjg(x') + a.
hstack(INDArray...) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Concatenates two matrices horizontally.
hstack(INDArray...) - Static method in class org.nd4j.linalg.factory.Nd4j
Concatenates two matrices horizontally.
hstack(Collection<INDArray>) - Static method in class org.nd4j.linalg.factory.Nd4j
Concatenates two matrices horizontally.
hstack(INDArray...) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Concatenates two matrices horizontally.

I

IActivation - Interface in org.nd4j.linalg.activations
Interface for implementing custom activation functions
iamax(int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
iamax(int, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
iamax(INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
finds the element of a vector that has the largest absolute value.
iamax(IComplexNDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
finds the element of a vector that has the largest absolute value.
iamax(INDArray) - Method in interface org.nd4j.linalg.api.blas.Level1
finds the element of a vector that has the largest absolute value.
iamax(int, INDArray, int) - Method in interface org.nd4j.linalg.api.blas.Level1
finds the element of a vector that has the largest absolute value.
iamax(int, DataBuffer, int, int) - Method in interface org.nd4j.linalg.api.blas.Level1
Index of largest absolute value
iamax(IComplexNDArray) - Method in interface org.nd4j.linalg.api.blas.Level1
finds the element of a vector that has the largest absolute value.
IAMax - Class in org.nd4j.linalg.api.ops.impl.indexaccum
Calculate the index of the max absolute value over a vector
IAMax() - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.IAMax
 
IAMax(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.IAMax
 
IAMax(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.IAMax
 
IAMax(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.IAMax
 
iamax(INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
iamax(IComplexNDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
iamax(INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Compute index of element with largest absolute value (index of absolute value maximum)
iamax(IComplexNDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Compute index of element with largest absolute value (complex version).
iamin(INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
finds the element of a vector that has the minimum absolute value.
iamin(IComplexNDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
finds the element of a vector that has the minimum absolute value.
iamin(INDArray) - Method in interface org.nd4j.linalg.api.blas.Level1
finds the element of a vector that has the minimum absolute value.
iamin(IComplexNDArray) - Method in interface org.nd4j.linalg.api.blas.Level1
finds the element of a vector that has the minimum absolute value.
IAMin - Class in org.nd4j.linalg.api.ops.impl.indexaccum
Calculate the index of the max absolute value over a vector
IAMin() - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.IAMin
 
IAMin(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.IAMin
 
IAMin(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.IAMin
 
IAMin(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.IAMin
 
icamax(int, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
IComplexNDArray - Interface in org.nd4j.linalg.api.complex
Complex numbers
id() - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
id() - Method in class org.nd4j.linalg.dataset.DataSet
 
id - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
idamax(int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
idamax(int, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
Identity - Class in org.nd4j.linalg.api.ops.impl.transforms
Identity function
Identity() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Identity
 
Identity(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Identity
 
Identity(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Identity
 
Identity(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Identity
 
Identity(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Identity
 
Identity - Class in org.nd4j.linalg.indexing.functions
Created by agibsonccc on 10/8/14.
Identity() - Constructor for class org.nd4j.linalg.indexing.functions.Identity
 
identity(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
identity(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Identity function
ifft(INDArray, int, int) - Method in class org.nd4j.linalg.fft.DefaultFFTInstance
IFFT along a particular dimension
ifft(IComplexNDArray, int, int) - Method in class org.nd4j.linalg.fft.DefaultFFTInstance
1d discrete fourier op, note that this will throw an exception if the passed in input isn't a vector.
ifft(INDArray, int) - Method in class org.nd4j.linalg.fft.DefaultFFTInstance
FFT along a particular dimension
ifft(IComplexNDArray) - Method in class org.nd4j.linalg.fft.DefaultFFTInstance
1d discrete fourier op, note that this will throw an exception if the passed in input isn't a vector.
ifft(INDArray, int, int) - Static method in class org.nd4j.linalg.fft.FFT
IFFT along a particular dimension
ifft(IComplexNDArray) - Static method in class org.nd4j.linalg.fft.FFT
1d discrete fourier op, note that this will throw an exception if the passed in input isn't a vector.
ifft(INDArray, int) - Static method in class org.nd4j.linalg.fft.FFT
FFT along a particular dimension
ifft(IComplexNDArray, int, int) - Static method in class org.nd4j.linalg.fft.FFT
1d discrete fourier op, note that this will throw an exception if the passed in input isn't a vector.
ifft(INDArray, int, int) - Method in interface org.nd4j.linalg.fft.FFTInstance
IFFT along a particular dimension
ifft(IComplexNDArray) - Method in interface org.nd4j.linalg.fft.FFTInstance
1d discrete fourier op, note that this will throw an exception if the passed in input isn't a vector.
ifft(INDArray, int) - Method in interface org.nd4j.linalg.fft.FFTInstance
FFT along a particular dimension
ifft(IComplexNDArray, int, int) - Method in interface org.nd4j.linalg.fft.FFTInstance
1d discrete fourier op, note that this will throw an exception if the passed in input isn't a vector.
ifftn(INDArray, int, int) - Method in class org.nd4j.linalg.fft.BaseFFTInstance
ND IFFT, computes along the first on singleton dimension of op
ifftn(IComplexNDArray, int, int) - Method in class org.nd4j.linalg.fft.BaseFFTInstance
ND IFFT
ifftn(IComplexNDArray, int) - Method in class org.nd4j.linalg.fft.BaseFFTInstance
 
ifftn(IComplexNDArray) - Method in class org.nd4j.linalg.fft.BaseFFTInstance
 
ifftn(INDArray) - Method in class org.nd4j.linalg.fft.BaseFFTInstance
 
ifftn(INDArray, int, int) - Static method in class org.nd4j.linalg.fft.FFT
ND IFFT, computes along the first on singleton dimension of op
ifftn(IComplexNDArray, int, int) - Static method in class org.nd4j.linalg.fft.FFT
ND IFFT
ifftn(IComplexNDArray) - Static method in class org.nd4j.linalg.fft.FFT
 
ifftn(INDArray, int, int) - Method in interface org.nd4j.linalg.fft.FFTInstance
ND IFFT, computes along the first on singleton dimension of op
ifftn(IComplexNDArray, int, int) - Method in interface org.nd4j.linalg.fft.FFTInstance
ND IFFT
ifftn(IComplexNDArray, int) - Method in interface org.nd4j.linalg.fft.FFTInstance
 
ifftn(IComplexNDArray) - Method in interface org.nd4j.linalg.fft.FFTInstance
 
ifftn(INDArray) - Method in interface org.nd4j.linalg.fft.FFTInstance
 
IllegalOpException - Exception in org.nd4j.linalg.api.ops.exception
Thrown with illegal operations
IllegalOpException() - Constructor for exception org.nd4j.linalg.api.ops.exception.IllegalOpException
 
IllegalOpException(String) - Constructor for exception org.nd4j.linalg.api.ops.exception.IllegalOpException
 
IllegalOpException(String, Throwable) - Constructor for exception org.nd4j.linalg.api.ops.exception.IllegalOpException
 
IllegalOpException(Throwable) - Constructor for exception org.nd4j.linalg.api.ops.exception.IllegalOpException
 
IllegalOpException(String, Throwable, boolean, boolean) - Constructor for exception org.nd4j.linalg.api.ops.exception.IllegalOpException
 
ILossFunction - Interface in org.nd4j.linalg.lossfunctions
Interface for loss functions
Im2col - Class in org.nd4j.linalg.api.ops.impl.transforms.convolution
Im 2 col operation
Im2col() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.convolution.Im2col
 
Im2col(INDArray, int, int, int, int, int, int, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.convolution.Im2col
 
Im2col(INDArray, int, int, int, int, int, int, boolean, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.convolution.Im2col
 
im2col(INDArray, int[], int[], int[]) - Static method in class org.nd4j.linalg.convolution.Convolution
 
im2col(INDArray, int, int, int, int, int, int, boolean) - Static method in class org.nd4j.linalg.convolution.Convolution
Implement column formatted images
im2col(INDArray, int, int, int, int, int, int, boolean, INDArray) - Static method in class org.nd4j.linalg.convolution.Convolution
 
im2col(INDArray, int, int, int, int, int, int, int, boolean) - Static method in class org.nd4j.linalg.convolution.Convolution
Implement column formatted images
im2col(INDArray, int[], int[], int[]) - Static method in class org.nd4j.linalg.convolution.OldConvolution
 
im2col(INDArray, int, int, int, int, int, int, int, boolean) - Static method in class org.nd4j.linalg.convolution.OldConvolution
Implement column formatted images
im2colShape - Variable in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Pooling2D
 
imag() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Get imaginary part of the matrix.
imag() - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Return all of the imaginary components in this ndarray
ImageFlatteningDataSetPreProcessor - Class in org.nd4j.linalg.dataset.api.preprocessor
A DataSetPreProcessor used to flatten a 4d CNN features array to a flattened 2d format (for use in networks such as a DenseLayer/multi-layer perceptron)
ImageFlatteningDataSetPreProcessor() - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.ImageFlatteningDataSetPreProcessor
 
ImagePreProcessingScaler - Class in org.nd4j.linalg.dataset.api.preprocessor
Created by susaneraly on 6/23/16.
ImagePreProcessingScaler() - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.ImagePreProcessingScaler
 
ImagePreProcessingScaler(double, double) - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.ImagePreProcessingScaler
 
ImagePreProcessingScaler(double, double, int) - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.ImagePreProcessingScaler
Preprocessor can take a range as minRange and maxRange
IMax - Class in org.nd4j.linalg.api.ops.impl.indexaccum
Calculate the index of max value over a vector
IMax() - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.IMax
 
IMax(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.IMax
 
IMax(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.IMax
 
IMax(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.IMax
 
IMin - Class in org.nd4j.linalg.api.ops.impl.indexaccum
Calculate the index of min value over a vector
IMin() - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.IMin
 
IMin(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.IMin
 
IMin(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.IMin
 
IMin(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.IMin
 
inclusive - Variable in class org.nd4j.linalg.indexing.IntervalIndex
 
incrementCount() - Method in class org.nd4j.linalg.profiler.data.StackAggregator
 
incrementCount(long) - Method in class org.nd4j.linalg.profiler.data.StackAggregator
 
incrementCount(String) - Method in class org.nd4j.linalg.profiler.data.StringCounter
 
ind2sub(int[], long, long) - Static method in class org.nd4j.linalg.api.shape.Shape
Convert a linear index to the equivalent nd index
ind2sub(int[], long) - Static method in class org.nd4j.linalg.api.shape.Shape
Convert a linear index to the equivalent nd index.
ind2sub(INDArray, long) - Static method in class org.nd4j.linalg.api.shape.Shape
Convert a linear index to the equivalent nd index based on the shape of the specified ndarray.
ind2subC(int[], long, long) - Static method in class org.nd4j.linalg.api.shape.Shape
Convert a linear index to the equivalent nd index
ind2subC(int[], long) - Static method in class org.nd4j.linalg.api.shape.Shape
Convert a linear index to the equivalent nd index.
ind2subC(INDArray, long) - Static method in class org.nd4j.linalg.api.shape.Shape
Convert a linear index to the equivalent nd index based on the shape of the specified ndarray.
INDArray - Interface in org.nd4j.linalg.api.ndarray
Interface for an ndarray
INDArrayIndex - Interface in org.nd4j.linalg.indexing
An index in to a particular dimension.
INDArrayIterator - Class in org.nd4j.linalg.api.iter
 
INDArrayIterator(INDArray) - Constructor for class org.nd4j.linalg.api.iter.INDArrayIterator
 
index(int, int) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Deprecated.
index(int, int) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Return the linear index of the specified row and column
index - Variable in class org.nd4j.linalg.indexing.IntervalIndex
 
IndexAccumulation - Interface in org.nd4j.linalg.api.ops
An index accumulation is an operation that returns an index within a NDArray.
Examples of IndexAccumulation operations include finding the index of the minimim value, index of the maximum value, index of the first element equal to value y, index of the maximum pair-wise difference between two NDArrays X and Y etc.
Index accumulation is similar to Accumulation in that both are accumulation/reduction operations, however index accumulation returns an integer corresponding to an index, rather than a real (or complex) value.
Index accumulation operations generally have 3 inputs:
x -> the origin ndarray
y -> the pairwise ndarray (frequently null/not applicable)
n -> the number of times to accumulate
Note that IndexAccumulation op implementations should be stateless (other than the final result and x/y/n arguments) and hence threadsafe, such that they may be parallelized using the update, combineSubResults and set/getFinalResults methods.
indexesFor(int...) - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
Add indexes for the given shape
IndexInfo - Class in org.nd4j.linalg.indexing
 
IndexInfo(INDArrayIndex...) - Constructor for class org.nd4j.linalg.indexing.IndexInfo
 
indexingArguments - Variable in class org.nd4j.linalg.api.ops.aggregates.BaseAggregate
 
Indices - Class in org.nd4j.linalg.indexing
Indexing util.
Indices() - Constructor for class org.nd4j.linalg.indexing.Indices
 
InequalityHandling - Enum in org.nd4j.linalg.dataset.api.iterator.enums
This enum describes different handling options for situations once one of producer runs out of data
InFileAndMemoryDataSetCache - Class in org.nd4j.linalg.dataset.api.iterator.cache
Created by anton on 7/20/16.
InFileAndMemoryDataSetCache(File) - Constructor for class org.nd4j.linalg.dataset.api.iterator.cache.InFileAndMemoryDataSetCache
 
InFileAndMemoryDataSetCache(Path) - Constructor for class org.nd4j.linalg.dataset.api.iterator.cache.InFileAndMemoryDataSetCache
 
InFileAndMemoryDataSetCache(String) - Constructor for class org.nd4j.linalg.dataset.api.iterator.cache.InFileAndMemoryDataSetCache
 
InFileDataSetCache - Class in org.nd4j.linalg.dataset.api.iterator.cache
Created by anton on 7/18/16.
InFileDataSetCache(File) - Constructor for class org.nd4j.linalg.dataset.api.iterator.cache.InFileDataSetCache
 
InFileDataSetCache(Path) - Constructor for class org.nd4j.linalg.dataset.api.iterator.cache.InFileDataSetCache
 
InFileDataSetCache(String) - Constructor for class org.nd4j.linalg.dataset.api.iterator.cache.InFileDataSetCache
 
init(int[], int[]) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
init(INDArray, INDArray, INDArray, long) - Method in class org.nd4j.linalg.api.ops.BaseAccumulation
 
init(INDArray, INDArray, INDArray, long) - Method in class org.nd4j.linalg.api.ops.BaseIndexAccumulation
 
init(INDArray, INDArray, INDArray, long) - Method in class org.nd4j.linalg.api.ops.BaseOp
 
init(INDArray, INDArray, INDArray, long) - Method in class org.nd4j.linalg.api.ops.impl.accum.Variance
 
init(INDArray, INDArray, INDArray, long) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMax
 
init(INDArray, INDArray, INDArray, long) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMin
 
init(INDArray, INDArray, INDArray, long) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarSet
 
init(INDArray, INDArray, INDArray, long) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.AddOp
 
init(INDArray, INDArray, INDArray, long) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.Atan2Op
 
init(INDArray, INDArray, INDArray, long) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.Axpy
 
init(INDArray, INDArray, INDArray, long) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.DivOp
 
init(INDArray, INDArray, INDArray, long) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.FModOp
 
init(INDArray, INDArray, INDArray, long) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.MulOp
 
init(INDArray, INDArray, INDArray, long) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RDivOp
 
init(INDArray, INDArray, INDArray, long) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RemainderOp
 
init(INDArray, INDArray, INDArray, long) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RSubOp
 
init(INDArray, INDArray, INDArray, long) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.SubOp
 
init(INDArray, INDArray, INDArray, long) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndReplace
 
init(INDArray, INDArray, INDArray, long) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndSet
 
init(INDArray, INDArray, INDArray, long) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLU
 
init(INDArray, INDArray, INDArray, long) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLUDerivative
 
init(INDArray, INDArray, INDArray, long) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LegacyDropOut
 
init(INDArray, INDArray, INDArray, long) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LegacyDropOutInverted
 
init(INDArray, INDArray, INDArray, long) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Pow
 
init(INDArray, INDArray, INDArray, long) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifedLinear
 
init(INDArray, INDArray, INDArray, long) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ReplaceNans
 
init(INDArray, INDArray, INDArray, long) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Reverse
 
init(INDArray, INDArray, INDArray, long) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SetRange
 
init(INDArray, INDArray, INDArray, long) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftMax
 
init(INDArray, INDArray, INDArray, long) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Stabilize
 
init(INDArray, INDArray, INDArray, long) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Step
 
init(INDArray, INDArray, INDArray, long) - Method in interface org.nd4j.linalg.api.ops.Op
Initialize the operation based on the parameters
init(INDArray, INDArray, INDArray, long) - Method in class org.nd4j.linalg.api.ops.random.impl.DropOut
 
init(INDArray, INDArray, INDArray, long) - Method in class org.nd4j.linalg.api.ops.random.impl.DropOutInverted
 
init(INDArray, long, int) - Method in interface org.nd4j.linalg.indexing.INDArrayIndex
Init the index wrt the dimension and the given nd array
init(INDArray, int) - Method in interface org.nd4j.linalg.indexing.INDArrayIndex
Init the index wrt the dimension and the given nd array
init(long, long) - Method in interface org.nd4j.linalg.indexing.INDArrayIndex
Initiailize based on the specified begin and end
init(INDArray, long, int) - Method in class org.nd4j.linalg.indexing.IntervalIndex
 
init(INDArray, int) - Method in class org.nd4j.linalg.indexing.IntervalIndex
 
init(long, long) - Method in class org.nd4j.linalg.indexing.IntervalIndex
 
init(INDArray, long, int) - Method in class org.nd4j.linalg.indexing.NDArrayIndex
 
init(INDArray, int) - Method in class org.nd4j.linalg.indexing.NDArrayIndex
 
init(long, long) - Method in class org.nd4j.linalg.indexing.NDArrayIndex
 
init(INDArray, long, int) - Method in class org.nd4j.linalg.indexing.NDArrayIndexAll
 
init(INDArray, long, int) - Method in class org.nd4j.linalg.indexing.NDArrayIndexEmpty
 
init(INDArray, int) - Method in class org.nd4j.linalg.indexing.NDArrayIndexEmpty
 
init(long, long) - Method in class org.nd4j.linalg.indexing.NDArrayIndexEmpty
 
init(INDArray, long, int) - Method in class org.nd4j.linalg.indexing.NewAxis
 
init(INDArray, int) - Method in class org.nd4j.linalg.indexing.NewAxis
 
init(long, long) - Method in class org.nd4j.linalg.indexing.NewAxis
 
init(INDArray, long, int) - Method in class org.nd4j.linalg.indexing.PointIndex
 
init(INDArray, int) - Method in class org.nd4j.linalg.indexing.PointIndex
 
init(long, long) - Method in class org.nd4j.linalg.indexing.PointIndex
 
init(INDArray, long, int) - Method in class org.nd4j.linalg.indexing.SpecifiedIndex
 
init(INDArray, int) - Method in class org.nd4j.linalg.indexing.SpecifiedIndex
 
init(long, long) - Method in class org.nd4j.linalg.indexing.SpecifiedIndex
 
init() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
initContext() - Method in class org.nd4j.linalg.factory.Nd4j
Initializes nd4j
initialBlockSize - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
initializeCurrFromList(List<DataSet>) - Method in class org.nd4j.linalg.dataset.api.iterator.fetcher.BaseDataFetcher
Initializes this data transform fetcher from the passed in datasets
initializeWorkspace() - Method in class org.nd4j.linalg.memory.abstracts.DummyWorkspace
This method causes Workspace initialization
initializeWorkspace() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
initTypeAndSize() - Method in class org.nd4j.linalg.compression.CompressedDataBuffer
Initialize the type of this buffer
initWithBackend(Nd4jBackend) - Method in class org.nd4j.linalg.factory.Nd4j
Initialize with the specific backend
InMemoryDataSetCache - Class in org.nd4j.linalg.dataset.api.iterator.cache
Created by anton on 7/16/16.
InMemoryDataSetCache() - Constructor for class org.nd4j.linalg.dataset.api.iterator.cache.InMemoryDataSetCache
 
InMemoryInstrumentation - Class in org.nd4j.linalg.api.instrumentation
Collects log entries in memory
InMemoryInstrumentation() - Constructor for class org.nd4j.linalg.api.instrumentation.InMemoryInstrumentation
 
innerMostStride() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
innerMostStride() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Get the inner most stride wrt the ordering of the array
input() - Method in class org.nd4j.linalg.api.ops.BaseLossFunction
 
input() - Method in interface org.nd4j.linalg.api.ops.LossFunction
The true
inputColumns() - Method in class org.nd4j.linalg.dataset.api.iterator.BaseDatasetIterator
 
inputColumns() - Method in class org.nd4j.linalg.dataset.api.iterator.CachingDataSetIterator
 
inputColumns() - Method in interface org.nd4j.linalg.dataset.api.iterator.DataSetIterator
Input columns for the dataset
inputColumns - Variable in class org.nd4j.linalg.dataset.api.iterator.fetcher.BaseDataFetcher
 
inputColumns() - Method in class org.nd4j.linalg.dataset.api.iterator.fetcher.BaseDataFetcher
 
inputColumns() - Method in interface org.nd4j.linalg.dataset.api.iterator.fetcher.DataSetFetcher
The length of a feature vector for an individual example
inputColumns() - Method in class org.nd4j.linalg.dataset.api.iterator.KFoldIterator
 
inputColumns() - Method in class org.nd4j.linalg.dataset.api.iterator.MultipleEpochsIterator
Deprecated.
Input columns for the dataset
inputColumns() - Method in class org.nd4j.linalg.dataset.api.iterator.SamplingDataSetIterator
 
inputColumns() - Method in class org.nd4j.linalg.dataset.api.iterator.TestDataSetIterator
 
inputColumns() - Method in class org.nd4j.linalg.dataset.ExistingMiniBatchDataSetIterator
 
inputColumns() - Method in class org.nd4j.linalg.dataset.MiniBatchFileDataSetIterator
 
inputColumns() - Method in class org.nd4j.linalg.dataset.ViewIterator
 
INSTANCE - Static variable in class org.nd4j.linalg.factory.Nd4j
 
instantiate(INDArray, boolean) - Method in class org.nd4j.linalg.learning.config.AdaDelta
 
instantiate(INDArray, boolean) - Method in class org.nd4j.linalg.learning.config.AdaGrad
 
instantiate(INDArray, boolean) - Method in class org.nd4j.linalg.learning.config.Adam
 
instantiate(INDArray, boolean) - Method in class org.nd4j.linalg.learning.config.AdaMax
 
instantiate(INDArray, boolean) - Method in interface org.nd4j.linalg.learning.config.IUpdater
Create a new gradient updater
instantiate(INDArray, boolean) - Method in class org.nd4j.linalg.learning.config.Nadam
 
instantiate(INDArray, boolean) - Method in class org.nd4j.linalg.learning.config.Nesterovs
 
instantiate(INDArray, boolean) - Method in class org.nd4j.linalg.learning.config.NoOp
 
instantiate(INDArray, boolean) - Method in class org.nd4j.linalg.learning.config.RmsProp
 
instantiate(INDArray, boolean) - Method in class org.nd4j.linalg.learning.config.Sgd
 
Instrumentation - Interface in org.nd4j.linalg.api.instrumentation
Instrumentation for logging statistics about the ndarrays being allocated and destroyed.
INSTRUMENTATION - Static variable in class org.nd4j.linalg.factory.Nd4j
 
instrumentation - Static variable in class org.nd4j.linalg.factory.Nd4j
 
instrumentationClazz - Static variable in class org.nd4j.linalg.factory.Nd4j
 
intArrayArguments - Variable in class org.nd4j.linalg.api.ops.aggregates.BaseAggregate
 
interceptIntDataType(Op) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
This method checks if any Op operand has data type of INT, and throws exception if any.
interval(long, long, long) - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
Generates an interval from begin (inclusive) to end (exclusive)
interval(int, int, int, boolean) - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
Generates an interval from begin (inclusive) to end (exclusive)
interval(long, long, long, boolean) - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
 
interval(int, int) - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
Generates an interval from begin (inclusive) to end (exclusive)
interval(long, long) - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
 
interval(int, int, boolean) - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
Generates an interval from begin (inclusive) to end (exclusive)
IntervalIndex - Class in org.nd4j.linalg.indexing
And indexing representing an interval
IntervalIndex(boolean, long) - Constructor for class org.nd4j.linalg.indexing.IntervalIndex
 
intervals - Variable in class org.nd4j.linalg.memory.BasicMemoryManager
 
intervalTail - Static variable in class org.nd4j.linalg.memory.BasicMemoryManager
 
inverseCumulativeProbability(double) - Method in class org.nd4j.linalg.api.rng.distribution.BaseDistribution
Computes the quantile function of this distribution.
inverseCumulativeProbability(double) - Method in interface org.nd4j.linalg.api.rng.distribution.Distribution
Computes the quantile function of this distribution.
inverseCumulativeProbability(double) - Method in class org.nd4j.linalg.api.rng.distribution.impl.NormalDistribution
Computes the quantile function of this distribution.
inverseCumulativeProbability(double) - Method in class org.nd4j.linalg.api.rng.distribution.impl.UniformDistribution
 
invert(INDArray, boolean) - Static method in class org.nd4j.linalg.inverse.InvertMatrix
Inverts a matrix
InvertedPredicateMetaOp - Class in org.nd4j.linalg.api.ops.impl.meta
This MetaOp covers case, when Op A and Op B are both using linear memory access You're NOT supposed to directly call this op.
InvertedPredicateMetaOp() - Constructor for class org.nd4j.linalg.api.ops.impl.meta.InvertedPredicateMetaOp
 
InvertedPredicateMetaOp(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.meta.InvertedPredicateMetaOp
 
InvertedPredicateMetaOp(Op, Op) - Constructor for class org.nd4j.linalg.api.ops.impl.meta.InvertedPredicateMetaOp
 
InvertedPredicateMetaOp(OpDescriptor, OpDescriptor) - Constructor for class org.nd4j.linalg.api.ops.impl.meta.InvertedPredicateMetaOp
 
InvertedPredicateMetaOp(ScalarOp, TransformOp) - Constructor for class org.nd4j.linalg.api.ops.impl.meta.InvertedPredicateMetaOp
 
InvertedPredicateMetaOp(TransformOp, TransformOp) - Constructor for class org.nd4j.linalg.api.ops.impl.meta.InvertedPredicateMetaOp
 
InvertedPredicateMetaOp(TransformOp, ScalarOp) - Constructor for class org.nd4j.linalg.api.ops.impl.meta.InvertedPredicateMetaOp
 
InvertedPredicateMetaOp(ScalarOp, ScalarOp) - Constructor for class org.nd4j.linalg.api.ops.impl.meta.InvertedPredicateMetaOp
 
InvertMatrix - Class in org.nd4j.linalg.inverse
Created by agibsoncccc on 11/30/15.
InvertMatrix() - Constructor for class org.nd4j.linalg.inverse.InvertMatrix
 
invoke(Op) - Method in interface org.nd4j.linalg.profiler.OpProfiler.OpProfilerListener
 
invokeGc() - Method in class org.nd4j.linalg.memory.BasicMemoryManager
 
invokeGc() - Method in interface org.nd4j.linalg.memory.MemoryManager
This method calls for GC.
invokeGcOccasionally() - Method in class org.nd4j.linalg.memory.BasicMemoryManager
 
invokeGcOccasionally() - Method in interface org.nd4j.linalg.memory.MemoryManager
This method calls for GC, and if frequency is met - System.gc() will be called
irfft(IComplexNDArray, int) - Method in class org.nd4j.linalg.fft.BaseFFTInstance
 
irfft(IComplexNDArray) - Method in class org.nd4j.linalg.fft.BaseFFTInstance
 
irfft(IComplexNDArray, int) - Static method in class org.nd4j.linalg.fft.FFT
 
irfft(IComplexNDArray) - Static method in class org.nd4j.linalg.fft.FFT
 
irfft(IComplexNDArray, int) - Method in interface org.nd4j.linalg.fft.FFTInstance
 
irfft(IComplexNDArray) - Method in interface org.nd4j.linalg.fft.FFTInstance
 
irfftn(IComplexNDArray) - Method in class org.nd4j.linalg.fft.BaseFFTInstance
 
irfftn(IComplexNDArray) - Static method in class org.nd4j.linalg.fft.FFT
 
irfftn(IComplexNDArray) - Method in interface org.nd4j.linalg.fft.FFTInstance
 
isamax(int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
isamax(int, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
isAttached() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
This method returns True, if this INDArray instance is attached to some Workspace.
isAttached() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
This method returns True, if this INDArray instance is attached to some Workspace.
isBiasCorrected() - Method in class org.nd4j.linalg.api.ops.impl.accum.Variance
 
isBorrowed - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
isCleanedUp() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Deprecated.
isCleanedUp() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns true if the ndarray has already been freed
isColumnVector() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Checks whether the matrix is a column vector.
isColumnVector() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns true if the number of columns is 1
isColumnVectorShape(int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
Returns true if the given shape is length 2 and the size at element 1 is 1
isColumnVectorShape(long[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
isComplete(String) - Method in interface org.nd4j.linalg.dataset.api.iterator.cache.DataSetCache
Check is given namespace has complete cache of the data set
isComplete(String) - Method in class org.nd4j.linalg.dataset.api.iterator.cache.InFileAndMemoryDataSetCache
 
isComplete(String) - Method in class org.nd4j.linalg.dataset.api.iterator.cache.InFileDataSetCache
 
isComplete(String) - Method in class org.nd4j.linalg.dataset.api.iterator.cache.InMemoryDataSetCache
 
isComplex - Variable in class org.nd4j.linalg.api.ops.BaseAccumulation
 
isComplexAccumulation() - Method in interface org.nd4j.linalg.api.ops.Accumulation
This method is only used for Distance functions
isComplexAccumulation() - Method in class org.nd4j.linalg.api.ops.BaseAccumulation
This method is only used for Distance functions
isCompressed() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns true if this array is compressed, and false otherwise
isCompressed() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns true if this array is compressed, and false otherwise
isContiguous(int[], int) - Static method in class org.nd4j.linalg.indexing.Indices
Returns whether indices are contiguous by a certain amount or not
isContiguousInBuffer(INDArray) - Static method in class org.nd4j.linalg.api.shape.Shape
Are the elements in the buffer contiguous for this NDArray?
isCrossDeviceAccessSupported() - Method in interface org.nd4j.linalg.api.concurrency.AffinityManager
This method returns TRUE if cross-device access is allowed on this system
isCrossDeviceAccessSupported() - Method in class org.nd4j.linalg.api.concurrency.BasicAffinityManager
 
isDebug - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
isDestroyed(String) - Method in class org.nd4j.linalg.api.instrumentation.InMemoryInstrumentation
 
isDestroyed(String) - Method in interface org.nd4j.linalg.api.instrumentation.Instrumentation
Returns whether the given ndarray has been destroyed
isExecSpecial() - Method in class org.nd4j.linalg.api.ops.BaseOp
 
isExecSpecial() - Method in class org.nd4j.linalg.api.ops.impl.accum.Mmul
 
isExecSpecial() - Method in class org.nd4j.linalg.api.ops.impl.accum.TensorMmul
 
isExecSpecial() - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Col2Im
 
isExecSpecial() - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Im2col
 
isExecSpecial() - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Pooling2D
 
isExecSpecial() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Histogram
 
isExecSpecial() - Method in class org.nd4j.linalg.api.ops.impl.transforms.IsMax
 
isExecSpecial() - Method in class org.nd4j.linalg.api.ops.impl.transforms.LogSoftMax
 
isExecSpecial() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Reverse
 
isExecSpecial() - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftMax
 
isExecSpecial() - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftMaxDerivative
 
isExecSpecial() - Method in interface org.nd4j.linalg.api.ops.Op
Whether the executioner needs to do a special call or not
isExecSpecial() - Method in class org.nd4j.linalg.api.ops.random.impl.BinomialDistribution
 
isExecSpecial() - Method in class org.nd4j.linalg.api.ops.random.impl.BinomialDistributionEx
 
isExecSpecial() - Method in class org.nd4j.linalg.api.ops.random.impl.Choice
 
isExecSpecial() - Method in class org.nd4j.linalg.api.ops.random.impl.GaussianDistribution
 
isFallbackModeEnabled() - Static method in class org.nd4j.linalg.factory.Nd4j
This method checks, if fallback mode was enabled.
isFit() - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractDataSetNormalizer
 
isFit() - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractMultiDataSetNormalizer
 
isFit() - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractNormalizer
 
isFit() - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerHybrid
 
isFitLabel() - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractDataSetNormalizer
Whether normalization for the labels is also enabled.
isFitLabel() - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractMultiDataSetNormalizer
Whether normalization for the labels is also enabled.
isFitLabel() - Method in interface org.nd4j.linalg.dataset.api.preprocessor.DataNormalization
Whether normalization for the labels is also enabled.
isFitLabel() - Method in class org.nd4j.linalg.dataset.api.preprocessor.ImagePreProcessingScaler
 
isFitLabel() - Method in class org.nd4j.linalg.dataset.api.preprocessor.VGG16ImagePreProcessor
 
isFull() - Method in class org.nd4j.linalg.api.ops.aggregates.Batch
This method checks, if number of batched aggregates equals to maximum possible value
isInfinite() - Static method in class org.nd4j.linalg.indexing.conditions.Conditions
 
IsInfinite - Class in org.nd4j.linalg.indexing.conditions
Created by agibsonccc on 10/8/14.
IsInfinite() - Constructor for class org.nd4j.linalg.indexing.conditions.IsInfinite
 
isInit - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
isInScope() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
This method checks, if given attached INDArray is still in scope of its parent Workspace
isInScope() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
This method checks, if given attached INDArray is still in scope of its parent Workspace PLEASE NOTE: if this INDArray isn't attached to any Workspace, this method will return true
isInterval() - Method in interface org.nd4j.linalg.indexing.INDArrayIndex
Returns true if the index is an interval
isInterval() - Method in class org.nd4j.linalg.indexing.IntervalIndex
 
isInterval() - Method in class org.nd4j.linalg.indexing.NDArrayIndex
 
isInterval() - Method in class org.nd4j.linalg.indexing.NDArrayIndexEmpty
 
isInterval() - Method in class org.nd4j.linalg.indexing.NewAxis
 
isInterval() - Method in class org.nd4j.linalg.indexing.PointIndex
 
isInterval() - Method in class org.nd4j.linalg.indexing.SpecifiedIndex
 
isLearning - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
isMatrix() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns true if this ndarray is 2d or 3d with a singleton element
isMatrix() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns true if this ndarray is a matrix
isMatrix(IntBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
Returns whether the passed in shape is a matrix
isMatrix(DataBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
Returns whether the passed in shape is a matrix
isMatrix(int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
Returns whether the passed in shape is a matrix
IsMax - Class in org.nd4j.linalg.api.ops.impl.transforms
[1, 2, 3, 1] -> [0, 0, 1, 0]
IsMax(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.IsMax
 
IsMax() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.IsMax
 
IsMax(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.IsMax
 
IsMax(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.IsMax
 
IsMax(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.IsMax
 
IsMax(INDArray, INDArray, long, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.IsMax
 
IsMax(INDArray, INDArray, INDArray, long, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.IsMax
 
IsMax(INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.IsMax
 
isNan() - Static method in class org.nd4j.linalg.indexing.conditions.Conditions
 
IsNaN - Class in org.nd4j.linalg.indexing.conditions
Condition for whether an element is NaN
IsNaN() - Constructor for class org.nd4j.linalg.indexing.conditions.IsNaN
 
isOpen - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
isOver - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
isPassThrough() - Method in class org.nd4j.linalg.api.ops.BaseOp
 
isPassThrough() - Method in class org.nd4j.linalg.api.ops.impl.accum.Bias
 
isPassThrough() - Method in class org.nd4j.linalg.api.ops.impl.accum.Mmul
 
isPassThrough() - Method in class org.nd4j.linalg.api.ops.impl.accum.Variance
 
isPassThrough() - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.CopyOp
 
isPassThrough() - Method in class org.nd4j.linalg.api.ops.impl.transforms.VectorFFT
 
isPassThrough() - Method in class org.nd4j.linalg.api.ops.impl.transforms.VectorIFFT
 
isPassThrough() - Method in interface org.nd4j.linalg.api.ops.Op
Returns whether the op should be executed or not (through the executioner)
isPassThrough() - Method in class org.nd4j.linalg.api.ops.TadCollapseAccumulation
 
isPeriodicGcActive() - Method in class org.nd4j.linalg.memory.BasicMemoryManager
 
isPeriodicGcActive() - Method in interface org.nd4j.linalg.memory.MemoryManager
This method returns true, if periodic GC is active.
isPerOutputMasking(INDArray, INDArray) - Static method in class org.nd4j.linalg.lossfunctions.LossUtil
 
isPreProcessed() - Method in class org.nd4j.linalg.dataset.DataSet
 
isRowVector() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Checks whether the matrix is a row vector.
isRowVector() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns true if the number of rows is 1
isRowVectorShape(DataBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
Returns true if the given shape is of length 1 or provided the shape length is 2: element 0 is 1
isRowVectorShape(IntBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
Returns true if the given shape is of length 1 or provided the shape length is 2: element 0 is 1
isRowVectorShape(int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
Returns true if the given shape is of length 1 or provided the shape length is 2: element 0 is 1
isScalar() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Test whether a matrix is scalar.
isScalar() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns true if this ndarray is a scalar
isScalar(INDArray, INDArrayIndex...) - Static method in class org.nd4j.linalg.indexing.Indices
Check if the given indexes over the specified array are searching for a scalar
isScopeActive() - Method in class org.nd4j.linalg.memory.abstracts.DummyWorkspace
This method returns True if scope was opened, and not closed yet.
isScopeActive() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
This method returns True if scope was opened, and not closed yet.
isSquare() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
isSquare() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns whether the matrix has the same rows and columns
isSupportConnected() - Method in interface org.nd4j.linalg.api.rng.distribution.Distribution
Use this method to get information about whether the support is connected, i.e.
isSupportConnected() - Method in class org.nd4j.linalg.api.rng.distribution.impl.BinomialDistribution
Use this method to get information about whether the support is connected, i.e.
isSupportConnected() - Method in class org.nd4j.linalg.api.rng.distribution.impl.NormalDistribution
Use this method to get information about whether the support is connected, i.e.
isSupportConnected() - Method in class org.nd4j.linalg.api.rng.distribution.impl.UniformDistribution
Use this method to get information about whether the support is connected, i.e.
isSupportLowerBoundInclusive() - Method in interface org.nd4j.linalg.api.rng.distribution.Distribution
Deprecated.
to be removed in 4.0
isSupportLowerBoundInclusive() - Method in class org.nd4j.linalg.api.rng.distribution.impl.BinomialDistribution
 
isSupportLowerBoundInclusive() - Method in class org.nd4j.linalg.api.rng.distribution.impl.NormalDistribution
Whether or not the lower bound of support is in the domain of the density function.
isSupportLowerBoundInclusive() - Method in class org.nd4j.linalg.api.rng.distribution.impl.UniformDistribution
Whether or not the lower bound of support is in the domain of the density function.
isSupportUpperBoundInclusive() - Method in interface org.nd4j.linalg.api.rng.distribution.Distribution
Deprecated.
to be removed in 4.0
isSupportUpperBoundInclusive() - Method in class org.nd4j.linalg.api.rng.distribution.impl.BinomialDistribution
 
isSupportUpperBoundInclusive() - Method in class org.nd4j.linalg.api.rng.distribution.impl.NormalDistribution
Whether or not the upper bound of support is in the domain of the density function.
isSupportUpperBoundInclusive() - Method in class org.nd4j.linalg.api.rng.distribution.impl.UniformDistribution
Whether or not the upper bound of support is in the domain of the density function.
isTriggered() - Method in class org.nd4j.linalg.util.AtomicThrowable
This method returns TRUE if internal state holds error, FALSE otherwise
isUsed - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
isValid() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Deprecated.
isVector() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Checks whether the matrix is a vector.
isVector() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns true if this ndarray is a vector
isVector(IntBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
Returns whether the given shape is a vector
isVector(DataBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
Returns whether the given shape is a vector
isVector(int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
Returns whether the given shape is a vector
isView() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
isView() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns true if this array is a view or not
isWholeArray(int[], int...) - Static method in class org.nd4j.linalg.api.shape.Shape
Returns true if the dimension is null or the dimension length is 1 and the first entry is Integer.MAX_VALUE
isWrapAround() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Deprecated.
isWrapAround() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns true if the ndarray on linear indexing wraps around based on the stride(1) of the ndarray This is a useful optimization in linear view where strides that might otherwise go out of bounds but wrap around instead.
iterate(INDArray, CoordinateFunction) - Static method in class org.nd4j.linalg.api.shape.Shape
Iterate over 2 coordinate spaces given 2 arrays
iterate(INDArray, INDArray, CoordinateFunction) - Static method in class org.nd4j.linalg.api.shape.Shape
Iterate over 2 coordinate spaces given 2 arrays
iterate(int, int, int[], int[], int, int, int[], int[], CoordinateFunction) - Static method in class org.nd4j.linalg.api.shape.Shape
Iterate over a pair of coordinates
iterate(int, int, int[], int[], CoordinateFunction) - Static method in class org.nd4j.linalg.api.shape.Shape
Iterate over a pair of coordinates
iterate(INDArrayIndex...) - Static method in class org.nd4j.linalg.indexing.SpecifiedIndex
Iterate over a cross product of the coordinates
iterateOverAllColumns(Op) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
iterateOverAllColumns(Op) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
Iterate over every column of every slice
iterateOverAllRows(Op) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
iterateOverAllRows(Op) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
Iterate over every row of every slice
iterateWithMiniBatches() - Method in interface org.nd4j.linalg.dataset.api.DataSet
Deprecated.
iterateWithMiniBatches() - Method in class org.nd4j.linalg.dataset.DataSet
 
iterator() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
iterator() - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
iterator() - Method in class org.nd4j.linalg.dataset.DataSet
 
IUpdater - Interface in org.nd4j.linalg.learning.config
IUpdater interface: used for configuration and instantiation of updaters - both built-in and custom.
Note that the actual implementations for updaters are in GradientUpdater
izamax(int, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 

J

JaccardDistance - Class in org.nd4j.linalg.api.ops.impl.accum.distances
Jaccard distance (dissimilarity)
JaccardDistance() - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.JaccardDistance
 
JaccardDistance(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.JaccardDistance
 
JaccardDistance(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.JaccardDistance
 
JaccardDistance(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.JaccardDistance
 
JaccardDistance(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.JaccardDistance
 
JaccardDistance(INDArray, INDArray, INDArray, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.JaccardDistance
 
JaccardDistance(INDArray, INDArray, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.JaccardDistance
 
jaccardDistance(INDArray, INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
javaShapeInformation - Variable in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
javaTensorAlongDimension(int, int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Get the vector along a particular dimension
javaTensorAlongDimension(int, int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Get the vector along a particular dimension
joinDistinct(OpProfiler.PenaltyCause[], OpProfiler.PenaltyCause[]) - Method in class org.nd4j.linalg.profiler.OpProfiler
 

K

KFoldIterator - Class in org.nd4j.linalg.dataset.api.iterator
Splits a dataset into k folds.
KFoldIterator(DataSet) - Constructor for class org.nd4j.linalg.dataset.api.iterator.KFoldIterator
 
KFoldIterator(int, DataSet) - Constructor for class org.nd4j.linalg.dataset.api.iterator.KFoldIterator
Create an iterator given the dataset and a value of k (optional, defaults to 10) If number of samples in the dataset is not a multiple of k, the last fold will have less samples with the rest having the same number of samples.

L

labelCounts() - Method in interface org.nd4j.linalg.dataset.api.DataSet
Calculate and return a count of each label, by index.
labelCounts() - Method in class org.nd4j.linalg.dataset.DataSet
 
labelWidth(int) - Method in class org.nd4j.linalg.lossfunctions.impl.LossMixtureDensity.Builder
Specifies the width of the labels vector which also corresponds to the width of the 'mean' vector for each of the gaussian functions.
Lapack - Interface in org.nd4j.linalg.api.blas
Lapack interface
lapack() - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
lapack - Variable in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
lapack() - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
lapack() - Method in interface org.nd4j.linalg.factory.BlasWrapper
LAPack interface
lapack() - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
lastBatch() - Method in class org.nd4j.linalg.dataset.api.iterator.KFoldIterator
The number of examples in the last fold if totalexamples % k == 0 same as the number of examples in every other fold
lastCycleAllocations - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
lastDescriptor - Variable in class org.nd4j.linalg.profiler.data.primitives.StackTree
 
lastGcTime - Variable in class org.nd4j.linalg.memory.BasicMemoryManager
 
LastIndex - Class in org.nd4j.linalg.api.ops.impl.indexaccum
Calculate the index of max value over a vector
LastIndex() - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
LastIndex(INDArray, Condition) - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
LastIndex(INDArray, Condition, double) - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
lastIndex(INDArray, Condition) - Static method in class org.nd4j.linalg.indexing.BooleanIndexing
This method returns last index matching given condition PLEASE NOTE: This method will return -1 value if condition wasn't met
lastIndex(INDArray, Condition, int...) - Static method in class org.nd4j.linalg.indexing.BooleanIndexing
This method returns first index matching given condition along given dimensions PLEASE NOTE: This method will return -1 values for missing conditions
LeakyReLU - Class in org.nd4j.linalg.api.ops.impl.transforms
Leaky Rectified linear unit.
LeakyReLU() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLU
 
LeakyReLU(INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLU
 
LeakyReLU(INDArray, INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLU
 
LeakyReLU(INDArray, INDArray, long, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLU
 
LeakyReLU(INDArray, INDArray, INDArray, long, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLU
 
LeakyReLU(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLU
 
LeakyReLU(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLU
 
LeakyReLU(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLU
 
LeakyReLU(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLU
 
leakyRelu(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
leakyRelu(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
leakyRelu(INDArray, double) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
leakyRelu(INDArray, double, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
LeakyReLUDerivative - Class in org.nd4j.linalg.api.ops.impl.transforms
Leaky ReLU derivative.
LeakyReLUDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLUDerivative
 
LeakyReLUDerivative(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLUDerivative
 
LeakyReLUDerivative(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLUDerivative
 
LeakyReLUDerivative(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLUDerivative
 
LeakyReLUDerivative(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLUDerivative
 
LeakyReLUDerivative(INDArray, INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLUDerivative
 
LeakyReLUDerivative(INDArray, INDArray, long, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLUDerivative
 
LeakyReLUDerivative(INDArray, INDArray, INDArray, long, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLUDerivative
 
LeakyReLUDerivative(INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLUDerivative
 
leakyReluDerivative(INDArray, double) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
leakyReluDerivative(INDArray, double, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
learningRate - Variable in class org.nd4j.linalg.learning.AdaGradUpdater
 
learningRate - Variable in class org.nd4j.linalg.learning.legacy.AdaGrad
 
LegacyDropOut - Class in org.nd4j.linalg.api.ops.impl.transforms
DropOut implementation as Op PLEASE NOTE: This is legacy DropOut implementation, please consider using op with the same name from randomOps
LegacyDropOut() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.LegacyDropOut
 
LegacyDropOut(INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.LegacyDropOut
 
LegacyDropOut(INDArray, INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.LegacyDropOut
 
LegacyDropOut(INDArray, INDArray, double, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.LegacyDropOut
 
LegacyDropOutInverted - Class in org.nd4j.linalg.api.ops.impl.transforms
Inverted DropOut implementation as Op PLEASE NOTE: This is legacy DropOutInverted implementation, please consider using op with the same name from randomOps
LegacyDropOutInverted() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.LegacyDropOutInverted
 
LegacyDropOutInverted(INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.LegacyDropOutInverted
 
LegacyDropOutInverted(INDArray, INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.LegacyDropOutInverted
 
LegacyDropOutInverted(INDArray, INDArray, double, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.LegacyDropOutInverted
 
length - Variable in class org.nd4j.linalg.api.instrumentation.DataBufferLogEntry
 
length() - Method in class org.nd4j.linalg.api.instrumentation.DataBufferLogEntry
 
length() - Method in class org.nd4j.linalg.api.instrumentation.LogEntry
 
length() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the total number of elements in the ndarray
length - Variable in class org.nd4j.linalg.api.ndarray.BaseNDArrayProxy
 
length() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the total number of elements in the ndarray
length(IntBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
Gets the rank given the shape info buffer
length(DataBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
Gets the rank given the shape info buffer
length() - Method in class org.nd4j.linalg.compression.CompressedDataBuffer
 
length() - Method in interface org.nd4j.linalg.indexing.INDArrayIndex
The total length of this index (end - start)
length - Variable in class org.nd4j.linalg.indexing.IntervalIndex
 
length() - Method in class org.nd4j.linalg.indexing.IntervalIndex
 
length() - Method in class org.nd4j.linalg.indexing.NDArrayIndex
Returns the length of the indices
length() - Method in class org.nd4j.linalg.indexing.NDArrayIndexEmpty
 
length() - Method in class org.nd4j.linalg.indexing.NewAxis
 
length() - Method in class org.nd4j.linalg.indexing.PointIndex
 
length() - Method in class org.nd4j.linalg.indexing.SpecifiedIndex
 
lengthLong() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the total number of elements in the ndarray
lengthLong() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the total number of elements in the ndarray
lengthPerSlice(INDArray, int...) - Static method in class org.nd4j.linalg.util.NDArrayMath
The number of elements in a slice along a set of dimensions
lengthPerSlice(INDArray) - Static method in class org.nd4j.linalg.util.NDArrayMath
Return the length of a slice
LessThan - Class in org.nd4j.linalg.api.ops.impl.transforms.comparison
Bit mask over the ndarrays as to whether the components are less than or not
LessThan() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.LessThan
 
LessThan(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.LessThan
 
LessThan(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.LessThan
 
LessThan(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.LessThan
 
LessThan(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.LessThan
 
lessThan(IComplexNumber) - Static method in class org.nd4j.linalg.indexing.conditions.Conditions
 
lessThan(Number) - Static method in class org.nd4j.linalg.indexing.conditions.Conditions
 
LessThan - Class in org.nd4j.linalg.indexing.conditions
Created by agibsonccc on 10/8/14.
LessThan() - Constructor for class org.nd4j.linalg.indexing.conditions.LessThan
Special constructor for pairwise boolean operations.
LessThan(Number) - Constructor for class org.nd4j.linalg.indexing.conditions.LessThan
 
LessThan(IComplexNumber) - Constructor for class org.nd4j.linalg.indexing.conditions.LessThan
 
LessThanOrEqual - Class in org.nd4j.linalg.api.ops.impl.transforms.comparison
Bit mask over the ndarrays as to whether the components are less than or equal or not
LessThanOrEqual() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.LessThanOrEqual
 
LessThanOrEqual(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.LessThanOrEqual
 
LessThanOrEqual(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.LessThanOrEqual
 
LessThanOrEqual(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.LessThanOrEqual
 
LessThanOrEqual(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.LessThanOrEqual
 
lessThanOrEqual(IComplexNumber) - Static method in class org.nd4j.linalg.indexing.conditions.Conditions
 
lessThanOrEqual(Number) - Static method in class org.nd4j.linalg.indexing.conditions.Conditions
 
LessThanOrEqual - Class in org.nd4j.linalg.indexing.conditions
Created by agibsonccc on 10/8/14.
LessThanOrEqual() - Constructor for class org.nd4j.linalg.indexing.conditions.LessThanOrEqual
Special constructor for pairwise boolean operations.
LessThanOrEqual(Number) - Constructor for class org.nd4j.linalg.indexing.conditions.LessThanOrEqual
 
LessThanOrEqual(IComplexNumber) - Constructor for class org.nd4j.linalg.indexing.conditions.LessThanOrEqual
 
lessThanOrEqual(INDArray, INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
1 if less than or equal to 0 otherwise (at each element)
lessThanOrEqual(INDArray, INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Eps function
Level1 - Interface in org.nd4j.linalg.api.blas
Level 1 blas implementations.
level1() - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
level1 - Variable in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
level1() - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
level1() - Method in interface org.nd4j.linalg.factory.BlasWrapper
Return the level 1 functions for this blas impl
level1() - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Return the level 1 blas operations
Level2 - Interface in org.nd4j.linalg.api.blas
Level 2 blas implementations.
level2() - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
level2 - Variable in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
level2() - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
level2() - Method in interface org.nd4j.linalg.factory.BlasWrapper
Return the level 2 functions for this blas impl
level2() - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Return the level 2 blas operations
Level3 - Interface in org.nd4j.linalg.api.blas
Level 3 blas implementations.
level3() - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
level3 - Variable in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
level3() - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
level3() - Method in interface org.nd4j.linalg.factory.BlasWrapper
Return the level 3 functions for this blas impl
level3() - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Return the level 3 blas operations
leverage() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
This method detaches INDArray from current Workspace, and attaches it to Workspace above, if any.
leverage() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
This method detaches INDArray from current Workspace, and attaches it to Workspace above, if any.
leverageTo(String) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
This method detaches INDArray from current Workspace, and attaches it to Workspace with a given Id PLEASE NOTE: If this INDArray instance is NOT attached - it will be returned unmodified.
leverageTo(String) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
This method detaches INDArray from current Workspace, and attaches it to Workspace with a given Id
LinAlgExceptions - Class in org.nd4j.linalg.util
Linear algebra exceptions
LinAlgExceptions() - Constructor for class org.nd4j.linalg.util.LinAlgExceptions
 
linearIndex(int) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Deprecated.
linearIndex(int) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Get the linear index of the data in to the array
LinearIndexLookup - Class in org.nd4j.linalg.api.iter
Represents a cache linear index lookup
LinearIndexLookup(int[], char) - Constructor for class org.nd4j.linalg.api.iter.LinearIndexLookup
 
linearOffset(int, INDArray) - Static method in class org.nd4j.linalg.indexing.Indices
Compute the linear offset for an index in an ndarray.
linearView() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Returns a linear view reference of shape 1,length(ndarray)
linearView() - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Returns a linear view reference of shape 1,length(ndarray)
linearView() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns a linear view reference of shape 1,length(ndarray)
linearView() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns a linear view reference of shape 1,length(ndarray)
linearViewColumnOrder() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
linearViewColumnOrder() - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Returns a linear view reference of shape length(ndarray),1
linearViewColumnOrder() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Deprecated.
linearViewColumnOrder() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns a linear view reference of shape 1,length(ndarray)
Linspace - Class in org.nd4j.linalg.api.ops.random.impl
Linspace/arange Op implementation, generates from..to distribution within Z
Linspace() - Constructor for class org.nd4j.linalg.api.ops.random.impl.Linspace
 
Linspace(double, double, int) - Constructor for class org.nd4j.linalg.api.ops.random.impl.Linspace
 
Linspace(INDArray, double, double) - Constructor for class org.nd4j.linalg.api.ops.random.impl.Linspace
 
linspace(int, int, int) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Generate a linearly spaced vector
linspace(int, int, int) - Static method in class org.nd4j.linalg.factory.Nd4j
Generate a linearly spaced vector
linspace(double, double, int) - Static method in class org.nd4j.linalg.factory.Nd4j
Generate a linearly spaced vector
linspace(float, float, int) - Static method in class org.nd4j.linalg.factory.Nd4j
Generate a linearly spaced vector
linspace(int, int, int) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Generate a linearly spaced vector
listGitPropertiesFiles() - Static method in class org.nd4j.versioncheck.VersionCheck
 
load(InputStream) - Method in interface org.nd4j.linalg.dataset.api.DataSet
Load the contents of the DataSet from the specified InputStream.
load(File) - Method in interface org.nd4j.linalg.dataset.api.DataSet
Load the contents of the DataSet from the specified File.
load(File, File) - Method in class org.nd4j.linalg.dataset.api.iterator.StandardScaler
Deprecated.
Load the given mean and std
load(InputStream) - Method in interface org.nd4j.linalg.dataset.api.MultiDataSet
Load the contents of this MultiDataSet from the specified stream.
load(File) - Method in interface org.nd4j.linalg.dataset.api.MultiDataSet
Load the contents of this MultiDataSet from the specified file
load(List<File>, List<File>) - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerStandardize
Load means and standard deviations from the file system
load(File...) - Method in class org.nd4j.linalg.dataset.api.preprocessor.NormalizerMinMaxScaler
Load the given min and max
load(File...) - Method in class org.nd4j.linalg.dataset.api.preprocessor.NormalizerStandardize
Load the means and standard deviations from the file system
load(File, File) - Static method in class org.nd4j.linalg.dataset.api.preprocessor.stats.DistributionStats
Load distribution statistics from the file system
load(InputStream) - Method in class org.nd4j.linalg.dataset.DataSet
 
load(File) - Method in class org.nd4j.linalg.dataset.DataSet
 
load(InputStream) - Method in class org.nd4j.linalg.dataset.MultiDataSet
 
load(File) - Method in class org.nd4j.linalg.dataset.MultiDataSet
 
loadCompressors() - Method in class org.nd4j.linalg.compression.BasicNDArrayCompressor
 
lock - Variable in class org.nd4j.linalg.util.AtomicThrowable
 
log(INDArray, String) - Method in class org.nd4j.linalg.api.instrumentation.InMemoryInstrumentation
 
log(DataBuffer, String) - Method in class org.nd4j.linalg.api.instrumentation.InMemoryInstrumentation
 
log(INDArray) - Method in class org.nd4j.linalg.api.instrumentation.InMemoryInstrumentation
 
log(DataBuffer) - Method in class org.nd4j.linalg.api.instrumentation.InMemoryInstrumentation
 
log(INDArray, String) - Method in interface org.nd4j.linalg.api.instrumentation.Instrumentation
Log the given ndarray
log(DataBuffer, String) - Method in interface org.nd4j.linalg.api.instrumentation.Instrumentation
Data buffer to log
log(INDArray) - Method in interface org.nd4j.linalg.api.instrumentation.Instrumentation
Log the given ndarray
log(DataBuffer) - Method in interface org.nd4j.linalg.api.instrumentation.Instrumentation
Data buffer to log
log - Static variable in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
Log - Class in org.nd4j.linalg.api.ops.impl.transforms
Log elementwise function
Log() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Log
 
Log(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Log
 
Log(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Log
 
Log(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Log
 
Log(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Log
 
log - Static variable in class org.nd4j.linalg.dataset.api.iterator.fetcher.BaseDataFetcher
 
log(INDArray, double) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Log on arbitrary base
log(INDArray, double, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Log on arbitrary base
log(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
log(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Log function
log(IComplexNumber) - Static method in class org.nd4j.linalg.util.ComplexUtil
Return the log value of the given complex number
logBinomialProbability(int, int, double, double) - Static method in class org.nd4j.linalg.api.rng.distribution.impl.SaddlePointExpansion
Compute the logarithm of the PMF for a binomial distribution using the saddle point expansion.
logEntropy(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns log entropy along dimension
logEntropy(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns entropy value for this INDArray along specified dimension(s)
LogEntropy - Class in org.nd4j.linalg.api.ops.impl.accum
Log Entropy Op - returns the entropy (information gain, or uncertainty of a random variable).
LogEntropy() - Constructor for class org.nd4j.linalg.api.ops.impl.accum.LogEntropy
 
LogEntropy(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.LogEntropy
 
LogEntropy(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.LogEntropy
 
LogEntropy(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.LogEntropy
 
LogEntropy(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.LogEntropy
 
LogEntropy(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.LogEntropy
 
logEntropyNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns log entropy value for this INDArray
logEntropyNumber() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns log entropy value for this INDArray
LogEntry - Class in org.nd4j.linalg.api.instrumentation
Log entry for statistics about ndarrays
LogEntry() - Constructor for class org.nd4j.linalg.api.instrumentation.LogEntry
 
LogEntry(INDArray, String) - Constructor for class org.nd4j.linalg.api.instrumentation.LogEntry
 
LogEntry(INDArray, StackTraceElement[], String) - Constructor for class org.nd4j.linalg.api.instrumentation.LogEntry
 
LogEntry(INDArray, StackTraceElement[]) - Constructor for class org.nd4j.linalg.api.instrumentation.LogEntry
 
LogEntry(INDArray) - Constructor for class org.nd4j.linalg.api.instrumentation.LogEntry
 
LogSoftMax - Class in org.nd4j.linalg.api.ops.impl.transforms
Log(softmax(X))
LogSoftMax() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.LogSoftMax
 
LogSoftMax(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.LogSoftMax
 
LogSoftMax(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.LogSoftMax
 
LogSoftMax(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.LogSoftMax
 
LogSoftMax(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.LogSoftMax
 
LogSoftMax(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.LogSoftMax
 
logVersionInfo() - Static method in class org.nd4j.versioncheck.VersionCheck
Log of the version information with the default level of detail
logVersionInfo(VersionCheck.Detail) - Static method in class org.nd4j.versioncheck.VersionCheck
Log the version information with the specified level of detail
LogX - Class in org.nd4j.linalg.api.ops.impl.transforms
Log on arbitrary base op
LogX() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.LogX
 
LogX(INDArray, INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.LogX
 
LogX(INDArray, INDArray, double, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.LogX
 
LogX(INDArray, INDArray, INDArray, double, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.LogX
 
LogX(INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.LogX
 
LongUtils - Class in org.nd4j.linalg.util
 
LongUtils() - Constructor for class org.nd4j.linalg.util.LongUtils
 
lookup(int) - Method in class org.nd4j.linalg.api.iter.LinearIndexLookup
Give back a sub wrt the given linear index
LoopFunction1 - Interface in org.nd4j.linalg.api.shape.loop.one
Used for raw iteration in loops
LoopFunction2 - Interface in org.nd4j.linalg.api.shape.loop.two
Used for raw iteration in loops
LoopFunction3 - Interface in org.nd4j.linalg.api.shape.loop.three
Used for raw iteration in loops
LoopFunction4 - Interface in org.nd4j.linalg.api.shape.loop.four
Used for raw iteration in loops
LossBinaryXENT - Class in org.nd4j.linalg.lossfunctions.impl
Binary cross entropy loss function https://en.wikipedia.org/wiki/Cross_entropy#Cross-entropy_error_function_and_logistic_regression Labels are assumed to take values 0 or 1
LossBinaryXENT() - Constructor for class org.nd4j.linalg.lossfunctions.impl.LossBinaryXENT
 
LossBinaryXENT(INDArray) - Constructor for class org.nd4j.linalg.lossfunctions.impl.LossBinaryXENT
Binary cross entropy where each the output is (optionally) weighted/scaled by a fixed scalar value.
LossCalculation - Class in org.nd4j.linalg.lossfunctions
Deprecated.
Use ILossFunction for equivalent functionality. Allows for custom loss functions. Use computeScore with an instance of the loss function classs instead.
LossCalculation() - Constructor for class org.nd4j.linalg.lossfunctions.LossCalculation
Deprecated.
 
LossCosineProximity - Class in org.nd4j.linalg.lossfunctions.impl
Created by susaneraly on 9/9/16.
LossCosineProximity() - Constructor for class org.nd4j.linalg.lossfunctions.impl.LossCosineProximity
 
LossFMeasure - Class in org.nd4j.linalg.lossfunctions.impl
F–measure loss function is a loss function design for training on imbalanced datasets.
LossFMeasure() - Constructor for class org.nd4j.linalg.lossfunctions.impl.LossFMeasure
 
LossFMeasure(double) - Constructor for class org.nd4j.linalg.lossfunctions.impl.LossFMeasure
 
LossFunction - Interface in org.nd4j.linalg.api.ops
A loss function for computing the delta between two arrays
LossFunctions - Class in org.nd4j.linalg.lossfunctions
Central class for loss functions
LossFunctions() - Constructor for class org.nd4j.linalg.lossfunctions.LossFunctions
 
LossFunctions.LossFunction - Enum in org.nd4j.linalg.lossfunctions
MSE: Mean Squared Error: Linear Regression
EXPLL: Exponential log likelihood: Poisson Regression
XENT: Cross Entropy: Binary Classification
MCXENT: Multiclass Cross Entropy
RMSE_XENT: RMSE Cross Entropy
SQUARED_LOSS: Squared Loss
NEGATIVELOGLIKELIHOOD: Negative Log Likelihood
LossHinge - Class in org.nd4j.linalg.lossfunctions.impl
Created by susaneraly on 8/15/16.
LossHinge() - Constructor for class org.nd4j.linalg.lossfunctions.impl.LossHinge
 
LossKLD - Class in org.nd4j.linalg.lossfunctions.impl
Kullback Leibler Divergence loss function
LossKLD() - Constructor for class org.nd4j.linalg.lossfunctions.impl.LossKLD
 
LossL1 - Class in org.nd4j.linalg.lossfunctions.impl
L1 loss function: i.e., sum of absolute errors, L = sum_i abs(predicted_i - actual_i) See also LossMAE for a mathematically similar loss function (MAE has division by N, where N is output size)
LossL1() - Constructor for class org.nd4j.linalg.lossfunctions.impl.LossL1
 
LossL1(INDArray) - Constructor for class org.nd4j.linalg.lossfunctions.impl.LossL1
L1 loss function where each the output is (optionally) weighted/scaled by a fixed scalar value.
LossL2 - Class in org.nd4j.linalg.lossfunctions.impl
L2 loss function: i.e., sum of squared errors, L = sum_i (actual_i - predicted)^2 The L2 loss function is the square of the L2 norm of the difference between actual and predicted.
LossL2() - Constructor for class org.nd4j.linalg.lossfunctions.impl.LossL2
 
LossL2(INDArray) - Constructor for class org.nd4j.linalg.lossfunctions.impl.LossL2
L2 loss function where each the output is (optionally) weighted/scaled by a fixed scalar value.
LossMAE - Class in org.nd4j.linalg.lossfunctions.impl
Mean absolute error loss function: L = 1/N sum_i abs(predicted_i - actual_i) See also LossL1 for a mathematically similar loss function (LossL1 does not have division by N, where N is output size)
LossMAE() - Constructor for class org.nd4j.linalg.lossfunctions.impl.LossMAE
 
LossMAE(INDArray) - Constructor for class org.nd4j.linalg.lossfunctions.impl.LossMAE
Mean Absolute Error loss function where each the output is (optionally) weighted/scaled by a fixed scalar value.
LossMAPE - Class in org.nd4j.linalg.lossfunctions.impl
Created by susaneraly on 8/15/16.
LossMAPE() - Constructor for class org.nd4j.linalg.lossfunctions.impl.LossMAPE
 
LossMAPE(INDArray) - Constructor for class org.nd4j.linalg.lossfunctions.impl.LossMAPE
Mean Absolute Percentage Error loss function where each the output is (optionally) weighted/scaled by a fixed scalar value.
LossMCXENT - Class in org.nd4j.linalg.lossfunctions.impl
Multi-Class Cross Entropy loss function:
L = sum_i actual_i * log( predicted_i )
LossMCXENT() - Constructor for class org.nd4j.linalg.lossfunctions.impl.LossMCXENT
 
LossMCXENT(INDArray) - Constructor for class org.nd4j.linalg.lossfunctions.impl.LossMCXENT
Multi-Class Cross Entropy loss function where each the output is (optionally) weighted/scaled by a fixed scalar value.
LossMCXENT(double, INDArray) - Constructor for class org.nd4j.linalg.lossfunctions.impl.LossMCXENT
Multi-Class Cross Entropy loss function where each the output is (optionally) weighted/scaled by a fixed scalar value.
LossMixtureDensity - Class in org.nd4j.linalg.lossfunctions.impl
This is a cost function associated with a mixture-density network.
LossMixtureDensity.Builder - Class in org.nd4j.linalg.lossfunctions.impl
 
LossMixtureDensity.MixtureDensityComponents - Class in org.nd4j.linalg.lossfunctions.impl
This class is a data holder for the mixture density components for convenient manipulation.
LossMSE - Class in org.nd4j.linalg.lossfunctions.impl
Mean Squared Error loss function: L = 1/N sum_i (actual_i - predicted)^2 See also LossL2 for a mathematically similar loss function (LossL2 does not have division by N, where N is output size)
LossMSE() - Constructor for class org.nd4j.linalg.lossfunctions.impl.LossMSE
 
LossMSE(INDArray) - Constructor for class org.nd4j.linalg.lossfunctions.impl.LossMSE
Mean Squared Error loss function where each the output is (optionally) weighted/scaled by a fixed scalar value.
LossMSLE - Class in org.nd4j.linalg.lossfunctions.impl
Mean Squared Logarithmic Error loss function: L = 1/N sum_i (log(1+predicted_i) - log(1+actual_i))^2
LossMSLE() - Constructor for class org.nd4j.linalg.lossfunctions.impl.LossMSLE
 
LossMSLE(INDArray) - Constructor for class org.nd4j.linalg.lossfunctions.impl.LossMSLE
Mean Squared Logarithmic Error loss function where each the output is (optionally) weighted/scaled by a fixed scalar value.
LossNegativeLogLikelihood - Class in org.nd4j.linalg.lossfunctions.impl
Negative log likelihood loss function
LossNegativeLogLikelihood() - Constructor for class org.nd4j.linalg.lossfunctions.impl.LossNegativeLogLikelihood
 
LossNegativeLogLikelihood(INDArray) - Constructor for class org.nd4j.linalg.lossfunctions.impl.LossNegativeLogLikelihood
 
LossPoisson - Class in org.nd4j.linalg.lossfunctions.impl
Created by susaneraly on 9/9/16.
LossPoisson() - Constructor for class org.nd4j.linalg.lossfunctions.impl.LossPoisson
 
LossSquaredHinge - Class in org.nd4j.linalg.lossfunctions.impl
Created by susaneraly on 9/9/16.
LossSquaredHinge() - Constructor for class org.nd4j.linalg.lossfunctions.impl.LossSquaredHinge
 
LossUtil - Class in org.nd4j.linalg.lossfunctions
Created by Alex on 14/09/2016.
LossUtil() - Constructor for class org.nd4j.linalg.lossfunctions.LossUtil
 
lt(Number) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
lt(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
lt(IComplexNumber) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
lt(Number) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
lt(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
lt(IComplexNumber) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
lt(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
lt(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
lt(Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the binary ndarray for "Less" comparison.
lt(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the binary ndarray for "Less" comparison.
lte(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
lte(Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the binary ndarray for "Less or equals" comparison.
ltei(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
ltei(Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the binary ndarray for "Less or equals" comparison.
lti(Number) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
lti(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
lti(IComplexNumber) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
lti(Number) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
lti(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
lti(IComplexNumber) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
lti(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
lti(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
lti(Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the binary ndarray for "Less" comparison.
lti(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the binary ndarray for "Less" comparison.

M

majorStride() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Deprecated.
majorStride() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Return the major stride for an ndarray
ManhattanDistance - Class in org.nd4j.linalg.api.ops.impl.accum.distances
Manhattan distance
ManhattanDistance() - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.ManhattanDistance
 
ManhattanDistance(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.ManhattanDistance
 
ManhattanDistance(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.ManhattanDistance
 
ManhattanDistance(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.ManhattanDistance
 
ManhattanDistance(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.ManhattanDistance
 
ManhattanDistance(INDArray, INDArray, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.ManhattanDistance
 
ManhattanDistance(INDArray, INDArray, INDArray, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.distances.ManhattanDistance
 
manhattanDistance(INDArray, INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
mapIndexOntoTensor(int, INDArray, int...) - Static method in class org.nd4j.linalg.util.NDArrayMath
This maps an index of a vector on to a vector in the matrix that can be used for indexing in to a tensor
mapIndexOntoVector(int, INDArray) - Static method in class org.nd4j.linalg.util.NDArrayMath
This maps an index of a vector on to a vector in the matrix that can be used for indexing in to a tensor
markAsCompressed(boolean) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
This method marks INDArray instance as compressed PLEASE NOTE: Do not use this method unless you 100% have to
markAsCompressed(boolean) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
This method marks INDArray instance as compressed PLEASE NOTE: Do not use this method unless you 100% have to
markAsPreProcessed() - Method in class org.nd4j.linalg.dataset.DataSet
 
MatchCondition - Class in org.nd4j.linalg.api.ops.impl.accum
Absolute sum the components
MatchCondition() - Constructor for class org.nd4j.linalg.api.ops.impl.accum.MatchCondition
 
MatchCondition(INDArray, Condition) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.MatchCondition
 
MatchCondition(INDArray, double, Condition) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.MatchCondition
 
matricesPerSlice(INDArray) - Static method in class org.nd4j.linalg.util.NDArrayMath
The number of vectors in each slice of an ndarray.
max(int...) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
max() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
max(int...) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Returns the overall max of this ndarray
max(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the overall max of this ndarray
max(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the overall max of this ndarray along given dimensions
Max - Class in org.nd4j.linalg.api.ops.impl.accum
Calculate the max over a vector
Max() - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Max
 
Max(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Max
 
Max(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Max
Initialize with the given input, pairwise transform, result, and number of elements
Max(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Max
 
Max(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Max
 
Max - Class in org.nd4j.linalg.api.ops.impl.transforms.comparison
Max function
Max() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.Max
 
Max(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.Max
 
Max(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.Max
 
Max(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.Max
 
Max(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.Max
 
max(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
 
max(IComplexNDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
 
max(INDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
max(IComplexNDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
max(INDArray, double, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Maximum function with a scalar
max(INDArray, double) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Maximum function with a scalar
max(INDArray, INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Element wise maximum function between 2 INDArrays
max(INDArray, INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Element wise maximum function between 2 INDArrays
MAX_ELEMENTS_PER_SLICE - Static variable in class org.nd4j.linalg.factory.Nd4j
 
MAX_SLICES_TO_PRINT - Static variable in class org.nd4j.linalg.factory.Nd4j
 
maxArguments() - Method in interface org.nd4j.linalg.api.ops.aggregates.Aggregate
This method returns maximum number of shapes being passed per Aggregate
maxArguments() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateAxpy
 
maxArguments() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateCBOW
 
maxArguments() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateDot
 
maxArguments() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateGEMM
 
maxArguments() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateSkipGram
 
maxArguments() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.HierarchicSoftmax
 
maxComplex() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
maxComplex() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
maxComplex() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
maxCycle - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
maxIndexArguments() - Method in interface org.nd4j.linalg.api.ops.aggregates.Aggregate
This method returns maximum number of IndexArguments per Aggregate
maxIndexArguments() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateAxpy
 
maxIndexArguments() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateCBOW
 
maxIndexArguments() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateDot
 
maxIndexArguments() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateGEMM
 
maxIndexArguments() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateSkipGram
 
maxIndexArguments() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.HierarchicSoftmax
 
maxIntArrays() - Method in interface org.nd4j.linalg.api.ops.aggregates.Aggregate
This method returns maximum number of IntArrays being passed per Aggregate
maxIntArrays() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateAxpy
 
maxIntArrays() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateCBOW
 
maxIntArrays() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateDot
 
maxIntArrays() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateGEMM
 
maxIntArrays() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateSkipGram
 
maxIntArrays() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.HierarchicSoftmax
 
maxIntArraySize() - Method in interface org.nd4j.linalg.api.ops.aggregates.Aggregate
This method returns maximum length for IntArrays, if any
maxIntArraySize() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateAxpy
 
maxIntArraySize() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateCBOW
 
maxIntArraySize() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateDot
 
maxIntArraySize() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateGEMM
 
maxIntArraySize() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateSkipGram
 
maxIntArraySize() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.HierarchicSoftmax
 
maxNumber() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
maxNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
maxNumber() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns maximum value in this INDArray
MaxOut - Class in org.nd4j.linalg.api.ops.impl.transforms
Max out activation: http://arxiv.org/pdf/1302.4389.pdf
MaxOut() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.MaxOut
 
MaxOut(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.MaxOut
 
MaxOut(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.MaxOut
 
MaxOut(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.MaxOut
 
MaxOut(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.MaxOut
 
maxRealArguments() - Method in interface org.nd4j.linalg.api.ops.aggregates.Aggregate
This method returns maximum number of real (float/double) per Aggregate
maxRealArguments() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateAxpy
 
maxRealArguments() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateCBOW
 
maxRealArguments() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateDot
 
maxRealArguments() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateGEMM
 
maxRealArguments() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateSkipGram
 
maxRealArguments() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.HierarchicSoftmax
 
maxShapes() - Method in interface org.nd4j.linalg.api.ops.aggregates.Aggregate
This method returns maximum number of shapes being passed per Aggregate
maxShapes() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateAxpy
 
maxShapes() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateCBOW
 
maxShapes() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateDot
 
maxShapes() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateGEMM
 
maxShapes() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateSkipGram
 
maxShapes() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.HierarchicSoftmax
 
mean(int...) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
mean(int...) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Returns the overall mean of this ndarray
mean(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the overall mean of this ndarray
mean(INDArray, int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
mean(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the overall mean of this ndarray
mean(INDArray, int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the overall mean of this ndarray
Mean - Class in org.nd4j.linalg.api.ops.impl.accum
Calculate the mean of the vector
Mean() - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Mean
 
Mean(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Mean
 
Mean(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Mean
 
Mean(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Mean
 
Mean(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Mean
 
Mean(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Mean
 
mean - Variable in class org.nd4j.linalg.api.ops.impl.accum.Variance
 
mean(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
 
mean(IComplexNDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
 
mean(INDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
mean(IComplexNDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
meanComplex() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
meanComplex() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
meanComplex() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
meanNumber() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
meanNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
meanNumber() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the overall mean of this ndarray
median(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
median(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
This method returns median along given dimension(s)
medianNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
medianNumber() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
This method returns median value for this INDArray
memcpy(DataBuffer, DataBuffer) - Method in class org.nd4j.linalg.memory.BasicMemoryManager
 
memcpy(DataBuffer, DataBuffer) - Method in interface org.nd4j.linalg.memory.MemoryManager
This method does memcpy from source buffer to destination buffer PLEASE NOTE: This method is NOT safe.
MEMORY_MANAGER - Static variable in class org.nd4j.linalg.factory.Nd4j
 
memoryManager - Static variable in class org.nd4j.linalg.factory.Nd4j
 
memoryManager - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
MemoryManager - Interface in org.nd4j.linalg.memory
 
memoryManagerClazz - Static variable in class org.nd4j.linalg.factory.Nd4j
 
memset(INDArray) - Method in interface org.nd4j.linalg.memory.MemoryManager
This method fills given INDArray with zeroes.
merge(List<DataSet>, boolean) - Static method in class org.nd4j.linalg.dataset.DataSet
Deprecated.
merge(List<DataSet>) - Static method in class org.nd4j.linalg.dataset.DataSet
Merge the list of datasets in to one list.
merge(Collection<? extends MultiDataSet>) - Static method in class org.nd4j.linalg.dataset.MultiDataSet
Merge a collection of MultiDataSet objects into a single MultiDataSet.
merge2d(INDArray[][], INDArray[][], int) - Static method in class org.nd4j.linalg.dataset.api.DataSetUtil
Merge the specified 2d arrays and masks.
merge2d(INDArray[], INDArray[]) - Static method in class org.nd4j.linalg.dataset.api.DataSetUtil
Merge the specified 2d arrays and masks.
merge4d(INDArray[][], INDArray[][], int) - Static method in class org.nd4j.linalg.dataset.api.DataSetUtil
Merge the specified 4d arrays and masks.
merge4d(INDArray[], INDArray[]) - Static method in class org.nd4j.linalg.dataset.api.DataSetUtil
Merge the specified 4d arrays and masks.
mergeFeatures(INDArray[], INDArray[]) - Static method in class org.nd4j.linalg.dataset.api.DataSetUtil
Merge the specified features and mask arrays (i.e., concatenate the examples)
mergeFeatures(INDArray[][], INDArray[][], int) - Static method in class org.nd4j.linalg.dataset.api.DataSetUtil
Extract out the specified column, and merge the specified features and mask arrays (i.e., concatenate the examples)
mergeLabels(INDArray[], INDArray[]) - Static method in class org.nd4j.linalg.dataset.api.DataSetUtil
Merge the specified labels and label mask arrays (i.e., concatenate the examples)
mergeLabels(INDArray[][], INDArray[][], int) - Static method in class org.nd4j.linalg.dataset.api.DataSetUtil
Extract out the specified column, and merge the specified label and label mask arrays (i.e., concatenate the examples)
mergePerOutputMasks2d(int[], INDArray[][], INDArray[][], int) - Static method in class org.nd4j.linalg.dataset.api.DataSetUtil
 
mergePerOutputMasks2d(int[], INDArray[], INDArray[]) - Static method in class org.nd4j.linalg.dataset.api.DataSetUtil
 
mergeTimeSeries(INDArray[][], INDArray[][], int) - Static method in class org.nd4j.linalg.dataset.api.DataSetUtil
Merge the specified time series (3d) arrays and masks.
mergeTimeSeries(INDArray[], INDArray[]) - Static method in class org.nd4j.linalg.dataset.api.DataSetUtil
Merge the specified time series (3d) arrays and masks.
MetaOp - Interface in org.nd4j.linalg.api.ops
MetaOp is special op, that contains multiple ops
migrate() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
This method pulls this INDArray into current Workspace.
migrate() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
This method pulls this INDArray into current Workspace.
migrate() - Method in interface org.nd4j.linalg.dataset.api.DataSet
This method migrates this DataSet into current Workspace (if any)
migrate() - Method in interface org.nd4j.linalg.dataset.api.MultiDataSet
This method migrates this MultiDataSet into current Workspace (if any)
migrate() - Method in class org.nd4j.linalg.dataset.DataSet
This method migrates this DataSet into current Workspace (if any)
migrate() - Method in class org.nd4j.linalg.dataset.MultiDataSet
 
min(int...) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
min() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
min(int...) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Returns the overall min of this ndarray
min(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the overall min of this ndarray
min(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the overall min of this ndarray
Min - Class in org.nd4j.linalg.api.ops.impl.accum
Calculate the min over a vector
Min() - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Min
 
Min(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Min
 
Min(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Min
 
Min(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Min
 
Min(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Min
 
Min - Class in org.nd4j.linalg.api.ops.impl.transforms.comparison
Min function
Min() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.Min
 
Min(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.Min
 
Min(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.Min
 
Min(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.Min
 
Min(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.Min
 
min(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
 
min(IComplexNDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
 
min(INDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
min(IComplexNDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
min(INDArray, double, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Minimum function with a scalar
min(INDArray, double) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Maximum function with a scalar
min(INDArray, INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Element wise minimum function between 2 INDArrays
min(INDArray, INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Element wise minimum function between 2 INDArrays
minComplex() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
minComplex() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
minComplex() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
MiniBatchFileDataSetIterator - Class in org.nd4j.linalg.dataset
Mini batch file datasetiterator auto partitions a dataset in to mini batches
MiniBatchFileDataSetIterator(DataSet, int) - Constructor for class org.nd4j.linalg.dataset.MiniBatchFileDataSetIterator
 
MiniBatchFileDataSetIterator(DataSet, int, boolean, File) - Constructor for class org.nd4j.linalg.dataset.MiniBatchFileDataSetIterator
 
MiniBatchFileDataSetIterator(DataSet, int, boolean) - Constructor for class org.nd4j.linalg.dataset.MiniBatchFileDataSetIterator
 
minMaxScaleAllInputs() - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerHybrid
Apply min-max scaling to all inputs, except the ones individually configured
minMaxScaleAllInputs(double, double) - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerHybrid
Apply min-max scaling to all inputs, except the ones individually configured
minMaxScaleAllOutputs() - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerHybrid
Apply min-max scaling to all outputs, except the ones individually configured
minMaxScaleAllOutputs(double, double) - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerHybrid
Apply min-max scaling to all outputs, except the ones individually configured
minMaxScaleInput(int) - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerHybrid
Apply min-max scaling to a specific input, overriding the global input strategy if any
minMaxScaleInput(int, double, double) - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerHybrid
Apply min-max scaling to a specific input, overriding the global input strategy if any
minMaxScaleOutput(int) - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerHybrid
Apply min-max scaling to a specific output, overriding the global output strategy if any
minMaxScaleOutput(int, double, double) - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerHybrid
Apply min-max scaling to a specific output, overriding the global output strategy if any
MinMaxSerializerStrategy - Class in org.nd4j.linalg.dataset.api.preprocessor.serializer
Strategy for saving and restoring NormalizerMinMaxScaler instances in single binary files
MinMaxSerializerStrategy() - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.serializer.MinMaxSerializerStrategy
 
MinMaxStats - Class in org.nd4j.linalg.dataset.api.preprocessor.stats
Statistics about the lower bounds and upper bounds of values in data.
MinMaxStats(INDArray, INDArray) - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.stats.MinMaxStats
 
MinMaxStats.Builder - Class in org.nd4j.linalg.dataset.api.preprocessor.stats
Builder class that can incrementally update a running lower and upper bound in order to create statistics for a large set of data
MinMaxStrategy - Class in org.nd4j.linalg.dataset.api.preprocessor
NormalizerStrategy implementation that will normalize and denormalize data arrays to a given range, based on statistics of the upper and lower bounds of the population
MinMaxStrategy() - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.MinMaxStrategy
 
MinMaxStrategy(double, double) - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.MinMaxStrategy
 
minNumber() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
minNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
minNumber() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns min value in this INDArray
MixtureDensityComponents() - Constructor for class org.nd4j.linalg.lossfunctions.impl.LossMixtureDensity.MixtureDensityComponents
 
mmul(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Perform a copy matrix multiplication
mmul(INDArray, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Perform an copy matrix multiplication
mmul(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Perform a copy matrix multiplication
mmul(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Perform an copy matrix multiplication
mmul(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Perform a copy matrix multiplication
mmul(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Perform an copy matrix multiplication
mmul(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Perform a copy matrix multiplication
mmul(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Perform an copy matrix multiplication
Mmul - Class in org.nd4j.linalg.api.ops.impl.accum
Dot product
Mmul() - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Mmul
 
Mmul(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Mmul
 
Mmul(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Mmul
 
Mmul(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Mmul
 
Mmul(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Mmul
 
mmuli(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Perform an copy matrix multiplication
mmuli(INDArray, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Perform an copy matrix multiplication
mmuli(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Perform an copy matrix multiplication
mmuli(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Perform an copy matrix multiplication
mmuli(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Perform an copy matrix multiplication
mmuli(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Perform an copy matrix multiplication
mmuli(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Perform an inplace matrix multiplication
mmuli(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Perform an inplace matrix multiplication
mode - Variable in class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
mode - Variable in class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
moveToConstantSpace(DataBuffer) - Method in class org.nd4j.linalg.cache.BasicConstantHandler
 
moveToConstantSpace(DataBuffer) - Method in interface org.nd4j.linalg.cache.ConstantHandler
If specific hardware supports dedicated constant memory, this method forces DataBuffer passed in to be moved to that constant memory.
mpow(INDArray, int, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Raises a square matrix to a power n, which can be positive, negative, or zero.
mul(Number, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
mul(Number) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
mul(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
copy (element wise) multiplication of two matrices
mul(INDArray, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
copy (element wise) multiplication of two matrices
mul(IComplexNumber, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
mul(IComplexNumber) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
mul(IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
mul(IComplexNumber, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
mul(IComplexNumber) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
mul(Number, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
mul(Number) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
mul(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
copy (element wise) multiplication of two matrices
mul(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
copy (element wise) multiplication of two matrices
mul(Number, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
mul(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
copy (element wise) multiplication of two matrices
mul(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
copy (element wise) multiplication of two matrices
mul(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
mul(IComplexNumber) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
mul(IComplexNumber, IComplexNDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
mul(Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Scalar multiplication (copy)
mul(Number, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
mul(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
copy (element wise) multiplication of two NDArrays
mul(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
copy (element wise) multiplication of two NDArrays
mul(IComplexNumber) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
mul(IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
mulColumnVector(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
In place addition of a column vector
mulColumnVector(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
In place addition of a column vector
mulColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
In place addition of a column vector
mulColumnVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Multiplication of a column vector (copy)
muli(Number, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
muli(Number) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
muli(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
in place (element wise) multiplication of two matrices
muli(INDArray, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
in place (element wise) multiplication of two matrices
muli(IComplexNumber, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
muli(IComplexNumber) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
muli(IComplexNumber, IComplexNDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
muli(IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
muli(IComplexNumber, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
muli(IComplexNumber) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
muli(Number, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
muli(Number) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
muli(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
in place (element wise) multiplication of two matrices
muli(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
in place (element wise) multiplication of two matrices
muli(Number, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
muli(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
in place (element wise) multiplication of two matrices
muli(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
in place (element wise) multiplication of two matrices
muli(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
muli(IComplexNumber) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
muli(IComplexNumber, IComplexNDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
muli(Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
In place scalar multiplication
muli(Number, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
In place multiplication of this ndarray
muli(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
in place (element wise) multiplication of two NDArrays
muli(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
in place (element wise) multiplication of two NDArrays
muli(IComplexNumber) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
muli(IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
muliColumnVector(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
In place addition of a column vector
muliColumnVector(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
In place addition of a column vector
muliColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
In place addition of a column vector
muliColumnVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
In place multiplication of a column vector
muliRowVector(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
In place addition of a column vector
muliRowVector(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
In place addition of a column vector
muliRowVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
In place addition of a column vector
muliRowVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
In place multiplication of a row vector
MulOp - Class in org.nd4j.linalg.api.ops.impl.transforms.arithmetic
Multiplication operation
MulOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.MulOp
 
MulOp(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.MulOp
 
MulOp(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.MulOp
 
MulOp(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.MulOp
 
MulOp(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.MulOp
 
MulOp(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.MulOp
 
mulRowVector(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
In place addition of a column vector
mulRowVector(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
In place addition of a column vector
mulRowVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
In place addition of a column vector
mulRowVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Multiplication of a row vector (copy)
MultiDataNormalization - Interface in org.nd4j.linalg.dataset.api.preprocessor
An interface for multi dataset normalizers.
MultiDataSet - Interface in org.nd4j.linalg.dataset.api
MultiDataSet is an interface for representing complex data sets, that have (potentially) multiple inputs and outputs For example, some complex neural network architectures may have multiple independent inputs, and multiple independent outputs.
MultiDataSet - Class in org.nd4j.linalg.dataset
Implementation of MultiDataSet
MultiDataSet() - Constructor for class org.nd4j.linalg.dataset.MultiDataSet
Create a new (empty) MultiDataSet object (all fields are null)
MultiDataSet(INDArray, INDArray) - Constructor for class org.nd4j.linalg.dataset.MultiDataSet
MultiDataSet constructor with single features/labels input, no mask arrays
MultiDataSet(INDArray, INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.dataset.MultiDataSet
MultiDataSet constructor with single features/labels input, single mask arrays
MultiDataSet(INDArray[], INDArray[]) - Constructor for class org.nd4j.linalg.dataset.MultiDataSet
MultiDataSet constructor with no mask arrays
MultiDataSet(INDArray[], INDArray[], INDArray[], INDArray[]) - Constructor for class org.nd4j.linalg.dataset.MultiDataSet
 
MultiDataSetIterator - Interface in org.nd4j.linalg.dataset.api.iterator
An iterator for MultiDataSet objects.
MultiDataSetIteratorFactory - Interface in org.nd4j.linalg.dataset.api.iterator
MultiDataSetPreProcessor - Interface in org.nd4j.linalg.dataset.api
PreProcessor interface for MultiDataSets
MultiHybridSerializerStrategy - Class in org.nd4j.linalg.dataset.api.preprocessor.serializer
Strategy for saving and restoring MultiNormalizerHybrid instances in single binary files
MultiHybridSerializerStrategy() - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.serializer.MultiHybridSerializerStrategy
 
MultiMinMaxSerializerStrategy - Class in org.nd4j.linalg.dataset.api.preprocessor.serializer
Strategy for saving and restoring MultiNormalizerMinMaxScaler instances in single binary files
MultiMinMaxSerializerStrategy() - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.serializer.MultiMinMaxSerializerStrategy
 
MultiNormalizerHybrid - Class in org.nd4j.linalg.dataset.api.preprocessor
Pre processor for MultiDataSet that can be configured to use different normalization strategies for different inputs and outputs, or none at all.
MultiNormalizerHybrid() - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerHybrid
 
MultiNormalizerMinMaxScaler - Class in org.nd4j.linalg.dataset.api.preprocessor
Pre processor for MultiDataSet that normalizes feature values (and optionally label values) to lie between a minimum and maximum value (by default between 0 and 1)
MultiNormalizerMinMaxScaler() - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerMinMaxScaler
 
MultiNormalizerMinMaxScaler(double, double) - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerMinMaxScaler
Preprocessor can take a range as minRange and maxRange
MultiNormalizerStandardize - Class in org.nd4j.linalg.dataset.api.preprocessor
Pre processor for MultiDataSet that normalizes feature values (and optionally label values) to have 0 mean and a standard deviation of 1
MultiNormalizerStandardize() - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerStandardize
 
MultipleEpochsIterator - Class in org.nd4j.linalg.dataset.api.iterator
Deprecated.
MultipleEpochsIterator(int, DataSetIterator) - Constructor for class org.nd4j.linalg.dataset.api.iterator.MultipleEpochsIterator
Deprecated.
 
multiplyBy(double) - Method in interface org.nd4j.linalg.dataset.api.DataSet
Multiply the features by a scalar
multiplyBy(double) - Method in class org.nd4j.linalg.dataset.DataSet
 
MultiStandardizeSerializerStrategy - Class in org.nd4j.linalg.dataset.api.preprocessor.serializer
Strategy for saving and restoring MultiNormalizerStandardize instances in single binary files
MultiStandardizeSerializerStrategy() - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.serializer.MultiStandardizeSerializerStrategy
 

N

n - Variable in class org.nd4j.linalg.api.ops.BaseOp
 
n() - Method in class org.nd4j.linalg.api.ops.BaseOp
 
n() - Method in class org.nd4j.linalg.api.ops.impl.accum.Mmul
 
n() - Method in class org.nd4j.linalg.api.ops.impl.accum.TensorMmul
 
n() - Method in interface org.nd4j.linalg.api.ops.Op
The number of elements to do a op over
Nadam - Class in org.nd4j.linalg.learning.config
Setup and Builder for Nadam updater.
Nadam() - Constructor for class org.nd4j.linalg.learning.config.Nadam
 
Nadam(double, double, double, double) - Constructor for class org.nd4j.linalg.learning.config.Nadam
 
Nadam.Builder - Class in org.nd4j.linalg.learning.config
 
NadamUpdater - Class in org.nd4j.linalg.learning
The Nadam updater.
NadamUpdater(Nadam) - Constructor for class org.nd4j.linalg.learning.NadamUpdater
 
name() - Method in interface org.nd4j.linalg.api.ops.aggregates.Aggregate
 
name() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateAxpy
 
name() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateCBOW
 
name() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateDot
 
name() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateGEMM
 
name() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateSkipGram
 
name() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.HierarchicSoftmax
 
name() - Method in class org.nd4j.linalg.api.ops.impl.accum.AMax
 
name() - Method in class org.nd4j.linalg.api.ops.impl.accum.AMean
 
name() - Method in class org.nd4j.linalg.api.ops.impl.accum.AMin
 
name() - Method in class org.nd4j.linalg.api.ops.impl.accum.ASum
 
name() - Method in class org.nd4j.linalg.api.ops.impl.accum.Bias
 
name() - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineDistance
 
name() - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineSimilarity
 
name() - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.EuclideanDistance
 
name() - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.HammingDistance
 
name() - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.JaccardDistance
 
name() - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.ManhattanDistance
 
name() - Method in class org.nd4j.linalg.api.ops.impl.accum.Dot
 
name() - Method in class org.nd4j.linalg.api.ops.impl.accum.Entropy
 
name() - Method in class org.nd4j.linalg.api.ops.impl.accum.EqualsWithEps
 
name() - Method in class org.nd4j.linalg.api.ops.impl.accum.LogEntropy
 
name() - Method in class org.nd4j.linalg.api.ops.impl.accum.MatchCondition
 
name() - Method in class org.nd4j.linalg.api.ops.impl.accum.Max
 
name() - Method in class org.nd4j.linalg.api.ops.impl.accum.Mean
 
name() - Method in class org.nd4j.linalg.api.ops.impl.accum.Min
 
name() - Method in class org.nd4j.linalg.api.ops.impl.accum.Mmul
 
name() - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm1
 
name() - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm2
 
name() - Method in class org.nd4j.linalg.api.ops.impl.accum.NormMax
 
name() - Method in class org.nd4j.linalg.api.ops.impl.accum.Prod
 
name() - Method in class org.nd4j.linalg.api.ops.impl.accum.ShannonEntropy
 
name() - Method in class org.nd4j.linalg.api.ops.impl.accum.StandardDeviation
 
name() - Method in class org.nd4j.linalg.api.ops.impl.accum.Sum
 
name() - Method in class org.nd4j.linalg.api.ops.impl.accum.TensorMmul
 
name() - Method in class org.nd4j.linalg.api.ops.impl.accum.Variance
 
name() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAddOp
 
name() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastCopyOp
 
name() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastDivOp
 
name() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastEqualTo
 
name() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastGreaterThan
 
name() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastGreaterThanOrEqual
 
name() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastLessThan
 
name() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastLessThanOrEqual
 
name() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMulOp
 
name() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastNotEqual
 
name() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRDivOp
 
name() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRSubOp
 
name() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastSubOp
 
name() - Method in class org.nd4j.linalg.api.ops.impl.grid.FreeGridOp
 
name() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
name() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMax
 
name() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMin
 
name() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMax
 
name() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMin
 
name() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
name() - Method in class org.nd4j.linalg.api.ops.impl.meta.InvertedPredicateMetaOp
 
name() - Method in class org.nd4j.linalg.api.ops.impl.meta.PostulateMetaOp
 
name() - Method in class org.nd4j.linalg.api.ops.impl.meta.PredicateMetaOp
 
name() - Method in class org.nd4j.linalg.api.ops.impl.meta.ReduceMetaOp
 
name() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEquals
 
name() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThan
 
name() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThanOrEqual
 
name() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThan
 
name() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThanOrEqual
 
name() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarNotEquals
 
name() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarSetValue
 
name() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarAdd
 
name() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarDivision
 
name() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarFMod
 
name() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMax
 
name() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMin
 
name() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMultiplication
 
name() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarRemainder
 
name() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseDivision
 
name() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseSubtraction
 
name() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarSet
 
name() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarSubtraction
 
name() - Method in class org.nd4j.linalg.api.ops.impl.shape.Broadcast
 
name() - Method in class org.nd4j.linalg.api.ops.impl.shape.Permute
 
name() - Method in class org.nd4j.linalg.api.ops.impl.shape.Reshape
 
name() - Method in class org.nd4j.linalg.api.ops.impl.shape.Transpose
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Abs
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.ACos
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.ACosh
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.And
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.AddOp
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.Atan2Op
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.Axpy
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.CopyOp
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.DivOp
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.FModOp
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.MulOp
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RDivOp
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RemainderOp
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RSubOp
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.SubOp
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.ASin
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.ASinh
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.ATan
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.ATanh
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Ceil
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndReplace
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndSet
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Eps
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.EqualTo
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.GreaterThan
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.GreaterThanOrEqual
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.LessThan
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.LessThanOrEqual
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Max
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Min
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.NotEqualTo
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Col2Im
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Im2col
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Pooling2D
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cos
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cosh
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cube
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.CubeDerivative
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.ELU
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.ELUDerivative
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Exp
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Floor
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardSigmoid
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardSigmoidDerivative
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardTanh
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardTanhDerivative
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Histogram
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Identity
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.IsMax
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLU
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLUDerivative
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.LegacyDropOut
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.LegacyDropOutInverted
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Log
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.LogSoftMax
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.LogX
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.MaxOut
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Negative
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Not
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.OneMinus
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Ones
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Or
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Pow
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.RationalTanh
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.RationalTanhDerivative
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifedLinear
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifiedTanh
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifiedTanhDerivative
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.ReplaceNans
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Reverse
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Round
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.SELU
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.SELUDerivative
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Set
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.SetRange
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sigmoid
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.SigmoidDerivative
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sign
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sin
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sinh
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftMax
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftMaxDerivative
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftPlus
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftSign
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftSignDerivative
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sqrt
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Stabilize
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Step
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Tan
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.TanDerivative
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Tanh
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.TanhDerivative
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.TimesOneMinus
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.VectorFFT
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.VectorIFFT
 
name() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Xor
 
name() - Method in interface org.nd4j.linalg.api.ops.Op
The name of this operation
name() - Method in class org.nd4j.linalg.api.ops.random.impl.BernoulliDistribution
 
name() - Method in class org.nd4j.linalg.api.ops.random.impl.BinomialDistribution
 
name() - Method in class org.nd4j.linalg.api.ops.random.impl.BinomialDistributionEx
 
name() - Method in class org.nd4j.linalg.api.ops.random.impl.Choice
 
name() - Method in class org.nd4j.linalg.api.ops.random.impl.DropOut
 
name() - Method in class org.nd4j.linalg.api.ops.random.impl.DropOutInverted
 
name() - Method in class org.nd4j.linalg.api.ops.random.impl.GaussianDistribution
 
name() - Method in class org.nd4j.linalg.api.ops.random.impl.Linspace
 
name() - Method in class org.nd4j.linalg.api.ops.random.impl.ProbablisticMerge
 
name() - Method in class org.nd4j.linalg.api.ops.random.impl.UniformDistribution
 
name() - Method in class org.nd4j.linalg.api.ops.TadCollapseAccumulation
 
name() - Method in interface org.nd4j.linalg.lossfunctions.ILossFunction
The name of this function
name() - Method in class org.nd4j.linalg.lossfunctions.impl.LossBinaryXENT
The name of this function
name() - Method in class org.nd4j.linalg.lossfunctions.impl.LossCosineProximity
The name of this function
name() - Method in class org.nd4j.linalg.lossfunctions.impl.LossFMeasure
The name of this function
name() - Method in class org.nd4j.linalg.lossfunctions.impl.LossHinge
The name of this function
name() - Method in class org.nd4j.linalg.lossfunctions.impl.LossKLD
The name of this function
name() - Method in class org.nd4j.linalg.lossfunctions.impl.LossL1
The name of this function
name() - Method in class org.nd4j.linalg.lossfunctions.impl.LossL2
The name of this function
name() - Method in class org.nd4j.linalg.lossfunctions.impl.LossMAE
The name of this function
name() - Method in class org.nd4j.linalg.lossfunctions.impl.LossMAPE
The name of this function
name() - Method in class org.nd4j.linalg.lossfunctions.impl.LossMCXENT
The name of this function
name() - Method in class org.nd4j.linalg.lossfunctions.impl.LossMixtureDensity
The name of this function
name() - Method in class org.nd4j.linalg.lossfunctions.impl.LossMSE
The name of this function
name() - Method in class org.nd4j.linalg.lossfunctions.impl.LossMSLE
The name of this function
name() - Method in class org.nd4j.linalg.lossfunctions.impl.LossNegativeLogLikelihood
The name of this function
name() - Method in class org.nd4j.linalg.lossfunctions.impl.LossPoisson
The name of this function
name() - Method in class org.nd4j.linalg.lossfunctions.impl.LossSquaredHinge
The name of this function
NATIVE_OPS - Static variable in class org.nd4j.linalg.factory.Nd4j
 
Nd4j - Class in org.nd4j.linalg.factory
Creation of ndarrays via classpath discovery.
Nd4j() - Constructor for class org.nd4j.linalg.factory.Nd4j
 
Nd4j.PadMode - Enum in org.nd4j.linalg.factory
 
Nd4jEnvironment - Class in org.nd4j.linalg.api.environment
An environment descriptor representing the state of the system nd4j is running.
Nd4jEnvironment() - Constructor for class org.nd4j.linalg.api.environment.Nd4jEnvironment
 
ND4JException - Exception in org.nd4j.linalg.exception
Base (unchecked) exception for ND4J errors
ND4JException() - Constructor for exception org.nd4j.linalg.exception.ND4JException
 
ND4JException(String) - Constructor for exception org.nd4j.linalg.exception.ND4JException
 
ND4JException(String, Throwable) - Constructor for exception org.nd4j.linalg.exception.ND4JException
 
ND4JException(Throwable) - Constructor for exception org.nd4j.linalg.exception.ND4JException
 
ND4JIllegalStateException - Exception in org.nd4j.linalg.exception
ND4JIllegalStateException: thrown on invalid operations (for example, matrix multiplication with invalid arrays)
ND4JIllegalStateException() - Constructor for exception org.nd4j.linalg.exception.ND4JIllegalStateException
 
ND4JIllegalStateException(String) - Constructor for exception org.nd4j.linalg.exception.ND4JIllegalStateException
 
ND4JIllegalStateException(String, Throwable) - Constructor for exception org.nd4j.linalg.exception.ND4JIllegalStateException
 
ND4JIllegalStateException(Throwable) - Constructor for exception org.nd4j.linalg.exception.ND4JIllegalStateException
 
Nd4jWorkspace - Class in org.nd4j.linalg.memory.abstracts
Basic implementation for MemoryWorkspace interface, further extended in corresponding backends
Nd4jWorkspace(WorkspaceConfiguration) - Constructor for class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
Nd4jWorkspace(WorkspaceConfiguration, String) - Constructor for class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
Nd4jWorkspace.GarbageWorkspaceReference - Class in org.nd4j.linalg.memory.abstracts
 
NDARRAY_FACTORY_CLASS - Static variable in class org.nd4j.linalg.factory.Nd4j
 
NDArrayCompressor - Interface in org.nd4j.linalg.compression
NDArray compressor.
NDArrayCreationUtil - Class in org.nd4j.linalg.checkutil
This class contains utility methods for generating NDArrays for use in unit tests The idea is to generate arrays with a specific shape, after various operations have been undertaken on them So output is after get, reshape, transpose, permute, tensorAlongDimension etc operations have been done
Most useful methods:
- getAllTestMatricesWithShape - getAll4dTestArraysWithShape - getAll4dTestArraysWithShape
NDArrayFactory - Interface in org.nd4j.linalg.factory
Creation of ndarrays via classpath discovery.
ndArrayFactoryClazz - Static variable in class org.nd4j.linalg.factory.Nd4j
 
NDArrayIndex - Class in org.nd4j.linalg.indexing
NDArray indexing
NDArrayIndex(int...) - Constructor for class org.nd4j.linalg.indexing.NDArrayIndex
NDArrayIndexing based on the given indexes
NDArrayIndexAll - Class in org.nd4j.linalg.indexing
Mainly meant for internal use: represents all of the elements of a dimension
NDArrayIndexAll(boolean) - Constructor for class org.nd4j.linalg.indexing.NDArrayIndexAll
 
NDArrayIndexEmpty - Class in org.nd4j.linalg.indexing
 
NDArrayIndexEmpty() - Constructor for class org.nd4j.linalg.indexing.NDArrayIndexEmpty
 
NdArrayJSONReader - Class in org.nd4j.linalg.api.ndarray
Created by susaneraly on 6/16/16.
NdArrayJSONReader() - Constructor for class org.nd4j.linalg.api.ndarray.NdArrayJSONReader
 
NdArrayJSONWriter - Class in org.nd4j.linalg.api.ndarray
Created by susaneraly on 6/18/16.
NDArrayMath - Class in org.nd4j.linalg.util
 
NDArrayStrings - Class in org.nd4j.linalg.string
 
NDArrayStrings() - Constructor for class org.nd4j.linalg.string.NDArrayStrings
 
NDArrayStrings(String) - Constructor for class org.nd4j.linalg.string.NDArrayStrings
 
NDArrayStrings(String, boolean) - Constructor for class org.nd4j.linalg.string.NDArrayStrings
 
NDArrayStrings(int) - Constructor for class org.nd4j.linalg.string.NDArrayStrings
 
NDArrayStrings(int, boolean) - Constructor for class org.nd4j.linalg.string.NDArrayStrings
 
NDArrayStrings(String, int) - Constructor for class org.nd4j.linalg.string.NDArrayStrings
 
NDArrayStrings(String, int, boolean) - Constructor for class org.nd4j.linalg.string.NDArrayStrings
 
NDArrayStrings(String, int, String) - Constructor for class org.nd4j.linalg.string.NDArrayStrings
 
NDArrayStrings(String, int, String, boolean) - Constructor for class org.nd4j.linalg.string.NDArrayStrings
 
NDArrayStrings(boolean) - Constructor for class org.nd4j.linalg.string.NDArrayStrings
 
NDArrayUtil - Class in org.nd4j.linalg.util
Created by agibsonccc on 2/26/16.
NdIndexIterator - Class in org.nd4j.linalg.api.iter
Iterates and returns int arrays over a particular shape.
NdIndexIterator(int...) - Constructor for class org.nd4j.linalg.api.iter.NdIndexIterator
Pass in the shape to iterate over.
NdIndexIterator(char, boolean, int...) - Constructor for class org.nd4j.linalg.api.iter.NdIndexIterator
Pass in the shape to iterate over.
NdIndexIterator(char, int...) - Constructor for class org.nd4j.linalg.api.iter.NdIndexIterator
Pass in the shape to iterate over
neg() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Negate each element.
neg() - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
neg() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Negate each element.
neg() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the ndarray negative (cloned)
neg(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Returns the negative of an ndarray
neg(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Negative
neg(IComplexNumber) - Static method in class org.nd4j.linalg.util.ComplexUtil
Return the log value of the given complex number
NEG_UNIT - Static variable in class org.nd4j.linalg.factory.Nd4j
 
Negative - Class in org.nd4j.linalg.api.ops.impl.transforms
Negative function
Negative() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Negative
 
Negative(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Negative
 
Negative(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Negative
 
Negative(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Negative
 
Negative(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Negative
 
negi() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Negate each element (in-place).
negi() - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
negi() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Negate each element (in-place).
negi() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
In place setting of the negative version of this ndarray
neq(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
neq(Number) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
neq(IComplexNumber) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
neq(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
neq(Number) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
neq(IComplexNumber) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
neq(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
neq(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
neq(Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the binary ndarray for "Not equals" comparison.
neq(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the binary ndarray for "Not equals" comparison.
neqi(Number) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
neqi(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
neqi(IComplexNumber) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
neqi(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
neqi(Number) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
neqi(IComplexNumber) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
neqi(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
neqi(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
neqi(Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the binary ndarray for "Not equals" comparison.
neqi(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the binary ndarray for "Not equals" comparison.
Nesterovs - Class in org.nd4j.linalg.learning.config
Nesterov's momentum.
Nesterovs() - Constructor for class org.nd4j.linalg.learning.config.Nesterovs
 
Nesterovs(double) - Constructor for class org.nd4j.linalg.learning.config.Nesterovs
 
Nesterovs(double, double) - Constructor for class org.nd4j.linalg.learning.config.Nesterovs
 
Nesterovs.Builder - Class in org.nd4j.linalg.learning.config
 
NesterovsUpdater - Class in org.nd4j.linalg.learning
Nesterov's momentum.
NesterovsUpdater(Nesterovs) - Constructor for class org.nd4j.linalg.learning.NesterovsUpdater
 
newAxis() - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
Represents adding a new dimension
NewAxis - Class in org.nd4j.linalg.indexing
New axis index.
NewAxis() - Constructor for class org.nd4j.linalg.indexing.NewAxis
 
newBuilder() - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractDataSetNormalizer
 
newBuilder() - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractMultiDataSetNormalizer
 
newBuilder() - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerMinMaxScaler
 
newBuilder() - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerStandardize
 
newBuilder() - Method in class org.nd4j.linalg.dataset.api.preprocessor.NormalizerMinMaxScaler
 
newBuilder() - Method in class org.nd4j.linalg.dataset.api.preprocessor.NormalizerStandardize
 
newShape(int[], char) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
newShape(int[], char) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
newShapeNoCopy(INDArray, int[], boolean) - Static method in class org.nd4j.linalg.api.shape.Shape
A port of numpy's reshaping algorithm that leverages no copy where possible and returns null if the reshape couldn't happen without copying
newStatsBuilder() - Method in class org.nd4j.linalg.dataset.api.preprocessor.MinMaxStrategy
Create a new NormalizerStats.Builder instance that can be used to fit new data and of the type that belongs to the current NormalizerStrategy implementation
newStatsBuilder() - Method in interface org.nd4j.linalg.dataset.api.preprocessor.NormalizerStrategy
Create a new NormalizerStats.Builder instance that can be used to fit new data and of the type that belongs to the current NormalizerStrategy implementation
newStatsBuilder() - Method in class org.nd4j.linalg.dataset.api.preprocessor.StandardizeStrategy
Create a new NormalizerStats.Builder instance that can be used to fit new data and of the type that belongs to the current NormalizerStrategy implementation
newStrides(int[], int, INDArrayIndex[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
next() - Method in class org.nd4j.linalg.api.iter.FirstAxisIterator
 
next() - Method in class org.nd4j.linalg.api.iter.FlatIterator
 
next() - Method in class org.nd4j.linalg.api.iter.INDArrayIterator
 
next() - Method in class org.nd4j.linalg.api.iter.NdIndexIterator
 
next() - Method in class org.nd4j.linalg.dataset.api.iterator.BaseDatasetIterator
 
next(int) - Method in class org.nd4j.linalg.dataset.api.iterator.BaseDatasetIterator
 
next(int) - Method in class org.nd4j.linalg.dataset.api.iterator.CachingDataSetIterator
 
next() - Method in class org.nd4j.linalg.dataset.api.iterator.CachingDataSetIterator
 
next(int) - Method in interface org.nd4j.linalg.dataset.api.iterator.DataSetIterator
Like the standard next method but allows a customizable number of examples returned
next() - Method in class org.nd4j.linalg.dataset.api.iterator.fetcher.BaseDataFetcher
 
next() - Method in interface org.nd4j.linalg.dataset.api.iterator.fetcher.DataSetFetcher
Returns the next data applyTransformToDestination
next(int) - Method in class org.nd4j.linalg.dataset.api.iterator.KFoldIterator
 
next() - Method in class org.nd4j.linalg.dataset.api.iterator.KFoldIterator
 
next(int) - Method in interface org.nd4j.linalg.dataset.api.iterator.MultiDataSetIterator
Fetch the next 'num' examples.
next(int) - Method in class org.nd4j.linalg.dataset.api.iterator.MultipleEpochsIterator
Deprecated.
Like the standard next method but allows a customizable number of examples returned
next() - Method in class org.nd4j.linalg.dataset.api.iterator.MultipleEpochsIterator
Deprecated.
Returns the next element in the iteration.
next() - Method in class org.nd4j.linalg.dataset.api.iterator.SamplingDataSetIterator
 
next(int) - Method in class org.nd4j.linalg.dataset.api.iterator.SamplingDataSetIterator
 
next() - Method in class org.nd4j.linalg.dataset.api.iterator.TestDataSetIterator
 
next(int) - Method in class org.nd4j.linalg.dataset.api.iterator.TestDataSetIterator
 
next(int) - Method in class org.nd4j.linalg.dataset.api.iterator.TestMultiDataSetIterator
 
next() - Method in class org.nd4j.linalg.dataset.api.iterator.TestMultiDataSetIterator
 
next(int) - Method in class org.nd4j.linalg.dataset.ExistingMiniBatchDataSetIterator
 
next() - Method in class org.nd4j.linalg.dataset.ExistingMiniBatchDataSetIterator
 
next(int) - Method in class org.nd4j.linalg.dataset.MiniBatchFileDataSetIterator
 
next() - Method in class org.nd4j.linalg.dataset.MiniBatchFileDataSetIterator
 
next(int) - Method in class org.nd4j.linalg.dataset.ViewIterator
 
next() - Method in class org.nd4j.linalg.dataset.ViewIterator
 
next() - Method in interface org.nd4j.linalg.indexing.INDArrayIndex
Returns the next index
next() - Method in class org.nd4j.linalg.indexing.IntervalIndex
 
next() - Method in class org.nd4j.linalg.indexing.NDArrayIndex
 
next() - Method in class org.nd4j.linalg.indexing.NDArrayIndexEmpty
 
next() - Method in class org.nd4j.linalg.indexing.NewAxis
 
next() - Method in class org.nd4j.linalg.indexing.PointIndex
 
next() - Method in class org.nd4j.linalg.indexing.SpecifiedIndex
 
next() - Method in class org.nd4j.linalg.indexing.SpecifiedIndex.SingleGenerator
 
next() - Method in class org.nd4j.linalg.indexing.SpecifiedIndex.SpecifiedIndexesGenerator
 
nextBoolean() - Method in class org.nd4j.linalg.api.rng.DefaultRandom
 
nextBoolean() - Method in interface org.nd4j.linalg.api.rng.Random
Returns the next pseudorandom, uniformly distributed boolean value from this random number generator's sequence.
nextBytes(byte[]) - Method in class org.nd4j.linalg.api.rng.DefaultRandom
 
nextBytes(byte[]) - Method in interface org.nd4j.linalg.api.rng.Random
Generates random bytes and places them into a user-supplied byte array.
nextDouble() - Method in class org.nd4j.linalg.api.rng.DefaultRandom
 
nextDouble(int[]) - Method in class org.nd4j.linalg.api.rng.DefaultRandom
 
nextDouble(char, int[]) - Method in class org.nd4j.linalg.api.rng.DefaultRandom
 
nextDouble() - Method in interface org.nd4j.linalg.api.rng.Random
Returns the next pseudorandom, uniformly distributed double value between 0.0 and 1.0 from this random number generator's sequence.
nextDouble(int[]) - Method in interface org.nd4j.linalg.api.rng.Random
Generate a uniform number ndarray of the specified shape
nextDouble(char, int[]) - Method in interface org.nd4j.linalg.api.rng.Random
Generate a uniform number ndarray of the specified shape and order
nextFloat() - Method in class org.nd4j.linalg.api.rng.DefaultRandom
 
nextFloat(int[]) - Method in class org.nd4j.linalg.api.rng.DefaultRandom
 
nextFloat(char, int[]) - Method in class org.nd4j.linalg.api.rng.DefaultRandom
 
nextFloat() - Method in interface org.nd4j.linalg.api.rng.Random
Returns the next pseudorandom, uniformly distributed float value between 0.0 and 1.0 from this random number generator's sequence.
nextFloat(int[]) - Method in interface org.nd4j.linalg.api.rng.Random
Generate a uniform number ndarray of the specified shape
nextFloat(char, int[]) - Method in interface org.nd4j.linalg.api.rng.Random
Generate a uniform number ndarray of the specified shape
nextFor(int) - Method in interface org.nd4j.linalg.dataset.api.iterator.ParallelDataSetIterator
Returns next DataSet for given consumer
nextFor() - Method in interface org.nd4j.linalg.dataset.api.iterator.ParallelDataSetIterator
Returns next DataSet for attached consumer
nextFor(int) - Method in interface org.nd4j.linalg.dataset.api.iterator.ParallelMultiDataSetIterator
Returns next DataSet for given consumer
nextFor() - Method in interface org.nd4j.linalg.dataset.api.iterator.ParallelMultiDataSetIterator
Returns next DataSet for attached consumer
nextGaussian() - Method in class org.nd4j.linalg.api.rng.DefaultRandom
 
nextGaussian(int[]) - Method in class org.nd4j.linalg.api.rng.DefaultRandom
 
nextGaussian(char, int[]) - Method in class org.nd4j.linalg.api.rng.DefaultRandom
 
nextGaussian() - Method in interface org.nd4j.linalg.api.rng.Random
Returns the next pseudorandom, Gaussian ("normally") distributed double value with mean 0.0 and standard deviation 1.0 from this random number generator's sequence.
nextGaussian(int[]) - Method in interface org.nd4j.linalg.api.rng.Random
Generate a gaussian number ndarray of the specified shape
nextGaussian(char, int[]) - Method in interface org.nd4j.linalg.api.rng.Random
Generate a gaussian number ndarray of the specified shape and order
nextInt() - Method in class org.nd4j.linalg.api.rng.DefaultRandom
 
nextInt(int) - Method in class org.nd4j.linalg.api.rng.DefaultRandom
 
nextInt(int[]) - Method in class org.nd4j.linalg.api.rng.DefaultRandom
 
nextInt(int, int[]) - Method in class org.nd4j.linalg.api.rng.DefaultRandom
 
nextInt() - Method in interface org.nd4j.linalg.api.rng.Random
Returns the next pseudorandom, uniformly distributed int value from this random number generator's sequence.
nextInt(int) - Method in interface org.nd4j.linalg.api.rng.Random
Returns a pseudorandom, uniformly distributed int value between 0 (inclusive) and the specified value (exclusive), drawn from this random number generator's sequence.
nextInt(int[]) - Method in interface org.nd4j.linalg.api.rng.Random
Generate a random set of integers of the specified shape.
nextInt(int, int[]) - Method in interface org.nd4j.linalg.api.rng.Random
Generate a random set of integers of the specified shape.
nextLong() - Method in class org.nd4j.linalg.api.rng.DefaultRandom
 
nextLong() - Method in interface org.nd4j.linalg.api.rng.Random
Returns the next pseudorandom, uniformly distributed long value from this random number generator's sequence.
noGcWindow - Variable in class org.nd4j.linalg.memory.BasicMemoryManager
 
noOp() - Method in interface org.nd4j.linalg.api.ops.Accumulation
Returns the no op version of the input Basically when a reduce can't happen (eg: sum(0) on a row vector) you have a no op state for a given reduction.
noOp() - Method in class org.nd4j.linalg.api.ops.BaseAccumulation
 
noOp() - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm1
 
noOp() - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm2
 
noOp() - Method in class org.nd4j.linalg.api.ops.impl.accum.NormMax
 
noOp() - Method in class org.nd4j.linalg.api.ops.impl.accum.Variance
 
NoOp - Class in org.nd4j.linalg.learning.config
NoOp updater: gradient updater that makes no changes to the gradient
NoOp() - Constructor for class org.nd4j.linalg.learning.config.NoOp
 
NoOpUpdater - Class in org.nd4j.linalg.learning
NoOp updater: gradient updater that makes no changes to the gradient
NoOpUpdater(NoOp) - Constructor for class org.nd4j.linalg.learning.NoOpUpdater
 
norm1(int...) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
norm1(int...) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Returns the norm1 along the specified dimension
norm1(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the norm1 along the specified dimension
norm1(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the norm1 (L1 norm, i.e., sum of absolute values; also known as Taxicab or Manhattan norm) along the specified dimension
Norm1 - Class in org.nd4j.linalg.api.ops.impl.accum
Sum of absolute values
Norm1() - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Norm1
 
Norm1(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Norm1
 
Norm1(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Norm1
 
Norm1(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Norm1
 
Norm1(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Norm1
 
norm1(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
 
norm1(IComplexNDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
 
norm1(INDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
norm1(IComplexNDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
norm1Complex() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
norm1Complex() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
norm1Complex() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Calculate and return norm1 (L1 norm, i.e., sum of absolute values; also known as Taxicab or Manhattan norm) for the entire array
norm1Number() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
norm1Number() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
norm1Number() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Calculate and return norm1 (L1 norm, i.e., sum of absolute values; also known as Taxicab or Manhattan norm) for the entire array
norm2(int...) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
norm2(int...) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Returns the norm2 along the specified dimension
norm2(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the norm2 along the specified dimension
norm2(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the norm2 (L2 norm, sqrt(sum(x_i^2), also known as Euclidean norm) along the specified dimension(s)
Norm2 - Class in org.nd4j.linalg.api.ops.impl.accum
Sum of squared values (real) Sum of squared complex modulus (complex)
Norm2() - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Norm2
 
Norm2(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Norm2
 
Norm2(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Norm2
 
Norm2(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Norm2
 
Norm2(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Norm2
 
norm2(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
 
norm2(IComplexNDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
 
norm2(INDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
norm2(IComplexNDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
norm2Complex() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
norm2Complex() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
norm2Complex() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
norm2Number() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
norm2Number() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
norm2Number() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Return the norm2 (L2 norm, sqrt(sum(x_i^2), also known as Euclidean norm) for the entire array
NormalDistribution - Class in org.nd4j.linalg.api.rng.distribution.impl
Base distribution derived from apache commons math http://commons.apache.org/proper/commons-math/

(specifically the org.apache.commons.math3.distribution.NormalDistribution

NormalDistribution(Random, double, INDArray) - Constructor for class org.nd4j.linalg.api.rng.distribution.impl.NormalDistribution
 
NormalDistribution(double, INDArray) - Constructor for class org.nd4j.linalg.api.rng.distribution.impl.NormalDistribution
 
NormalDistribution() - Constructor for class org.nd4j.linalg.api.rng.distribution.impl.NormalDistribution
Create a normal distribution with mean equal to zero and standard deviation equal to one.
NormalDistribution(double, double) - Constructor for class org.nd4j.linalg.api.rng.distribution.impl.NormalDistribution
Create a normal distribution using the given mean and standard deviation.
NormalDistribution(Random, double, double) - Constructor for class org.nd4j.linalg.api.rng.distribution.impl.NormalDistribution
 
NormalDistribution(double, double, double) - Constructor for class org.nd4j.linalg.api.rng.distribution.impl.NormalDistribution
Create a normal distribution using the given mean, standard deviation and inverse cumulative distribution accuracy.
NormalDistribution(Random, double, double, double) - Constructor for class org.nd4j.linalg.api.rng.distribution.impl.NormalDistribution
Creates a normal distribution.
NormalDistribution(INDArray, double) - Constructor for class org.nd4j.linalg.api.rng.distribution.impl.NormalDistribution
 
normalize() - Method in interface org.nd4j.linalg.dataset.api.DataSet
Normalize this DataSet to mean 0, stdev 1 per input.
normalize() - Method in class org.nd4j.linalg.dataset.DataSet
 
normalizeMatrix(INDArray) - Static method in class org.nd4j.linalg.util.FeatureUtil
 
Normalizer<T> - Interface in org.nd4j.linalg.dataset.api.preprocessor
Base interface for all normalizers
NormalizerMinMaxScaler - Class in org.nd4j.linalg.dataset.api.preprocessor
Pre processor for DataSets that normalizes feature values (and optionally label values) to lie between a minimum and maximum value (by default between 0 and 1)
NormalizerMinMaxScaler() - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.NormalizerMinMaxScaler
 
NormalizerMinMaxScaler(double, double) - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.NormalizerMinMaxScaler
Preprocessor can take a range as minRange and maxRange
NormalizerSerializer - Class in org.nd4j.linalg.dataset.api.preprocessor.serializer
Utility for serializing and unserializing Normalizer instances.
NormalizerSerializer() - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.serializer.NormalizerSerializer
 
NormalizerSerializerStrategy<T extends Normalizer> - Interface in org.nd4j.linalg.dataset.api.preprocessor.serializer
Strategy for serializing and unserializing a specific type of normalizer
NormalizerStandardize - Class in org.nd4j.linalg.dataset.api.preprocessor
Created by susaneraly, Ede Meijer variance and mean Pre processor for DataSet that normalizes feature values (and optionally label values) to have 0 mean and a standard deviation of 1
NormalizerStandardize(INDArray, INDArray) - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.NormalizerStandardize
 
NormalizerStandardize(INDArray, INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.NormalizerStandardize
 
NormalizerStandardize() - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.NormalizerStandardize
 
NormalizerStats - Interface in org.nd4j.linalg.dataset.api.preprocessor.stats
Interface for certain statistics about a population of data.
NormalizerStats.Builder<S extends NormalizerStats> - Interface in org.nd4j.linalg.dataset.api.preprocessor.stats
 
NormalizerStrategy<S extends NormalizerStats> - Interface in org.nd4j.linalg.dataset.api.preprocessor
Interface for strategies that can normalize and denormalize data arrays based on statistics of the population
NormalizerType - Enum in org.nd4j.linalg.dataset.api.preprocessor.serializer
Enum representing the type of a normalizer for serialization purposes
normalizeZeroMeanAndUnitVariance(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Normalize data to zero mean and unit variance substract by the mean and divide by the standard deviation
normalizeZeroMeanZeroUnitVariance() - Method in interface org.nd4j.linalg.dataset.api.DataSet
Deprecated.
normalizeZeroMeanZeroUnitVariance() - Method in class org.nd4j.linalg.dataset.DataSet
Deprecated.
normmax(int...) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
normmax(int...) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Returns the normmax along the specified dimension
normmax(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the normmax along the specified dimension
normmax(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the max norm (aka infinity norm, equal to the maximum absolute value) along the specified dimension(s)
NormMax - Class in org.nd4j.linalg.api.ops.impl.accum
The max absolute value
NormMax() - Constructor for class org.nd4j.linalg.api.ops.impl.accum.NormMax
 
NormMax(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.NormMax
 
NormMax(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.NormMax
 
NormMax(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.NormMax
 
NormMax(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.NormMax
 
normmax(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
 
normmax(IComplexNDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
 
normmax(INDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
normmax(IComplexNDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
normmaxComplex() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
normmaxComplex() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
normmaxComplex() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
normmaxNumber() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
normmaxNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
normmaxNumber() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Return the max norm (aka infinity norm, equal to the maximum absolute value) for the entire array
Not - Class in org.nd4j.linalg.api.ops.impl.transforms
Boolean AND pairwise transform
Not() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Not
 
Not(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Not
 
Not(INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Not
 
Not(INDArray, INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Not
 
Not(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Not
 
Not(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Not
 
Not(INDArray, INDArray, Number, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Not
 
not() - Method in class org.nd4j.linalg.indexing.conditions.ConditionBuilder
 
Not - Class in org.nd4j.linalg.indexing.conditions
Created by agibsonccc on 10/9/14.
Not(Condition) - Constructor for class org.nd4j.linalg.indexing.conditions.Not
 
not(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
notEquals(Number) - Static method in class org.nd4j.linalg.indexing.conditions.Conditions
 
NotEqualsCondition - Class in org.nd4j.linalg.indexing.conditions
Created by agibsonccc on 10/8/14.
NotEqualsCondition(Number) - Constructor for class org.nd4j.linalg.indexing.conditions.NotEqualsCondition
 
NotEqualsCondition(IComplexNumber) - Constructor for class org.nd4j.linalg.indexing.conditions.NotEqualsCondition
 
NotEqualTo - Class in org.nd4j.linalg.api.ops.impl.transforms.comparison
Not equal to function: Bit mask over whether 2 elements are not equal or not
NotEqualTo() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.NotEqualTo
 
NotEqualTo(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.NotEqualTo
 
NotEqualTo(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.NotEqualTo
 
NotEqualTo(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.NotEqualTo
 
NotEqualTo(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.NotEqualTo
 
notifyScopeBorrowed() - Method in class org.nd4j.linalg.memory.abstracts.DummyWorkspace
This method TEMPORARY enters this workspace, without reset applied
notifyScopeBorrowed() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
This method TEMPORARY enters this workspace, without reset applied
notifyScopeEntered() - Method in class org.nd4j.linalg.memory.abstracts.DummyWorkspace
This method notifies given Workspace that new use cycle is starting now
notifyScopeEntered() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
notifyScopeEntered() - Method in class org.nd4j.linalg.memory.BasicMemoryManager
 
notifyScopeEntered() - Method in interface org.nd4j.linalg.memory.MemoryManager
PLEASE NOTE: This method is under development yet.
notifyScopeLeft() - Method in class org.nd4j.linalg.memory.abstracts.DummyWorkspace
This method notifies given Workspace that use cycle just ended
notifyScopeLeft() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
This method is shortcut to close() method
notifyScopeLeft() - Method in class org.nd4j.linalg.memory.BasicMemoryManager
 
notifyScopeLeft() - Method in interface org.nd4j.linalg.memory.MemoryManager
PLEASE NOTE: This method is under development yet.
nrm2(INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
computes the Euclidean norm of a vector.
nrm2(IComplexNDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
computes the Euclidean norm of a vector.
nrm2(INDArray) - Method in interface org.nd4j.linalg.api.blas.Level1
computes the Euclidean norm of a vector.
nrm2(IComplexNDArray) - Method in interface org.nd4j.linalg.api.blas.Level1
computes the Euclidean norm of a vector.
nrm2(INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
nrm2(IComplexNDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
nrm2(INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Compute || x ||_2 (2-norm)
nrm2(IComplexNDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
 
nTimes(INDArrayIndex, int) - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
Repeat a copy of copy n times
num - Variable in class org.nd4j.linalg.api.ops.BaseScalarOp
 
NUMERICAL_STABILITY - Static variable in class org.nd4j.linalg.factory.Nd4j
 
numExamples() - Method in interface org.nd4j.linalg.dataset.api.DataSet
Number of examples in the DataSet
numExamples - Variable in class org.nd4j.linalg.dataset.api.iterator.BaseDatasetIterator
 
numExamples() - Method in class org.nd4j.linalg.dataset.api.iterator.BaseDatasetIterator
 
numExamples() - Method in class org.nd4j.linalg.dataset.api.iterator.CachingDataSetIterator
 
numExamples() - Method in interface org.nd4j.linalg.dataset.api.iterator.DataSetIterator
Total number of examples in the dataset
numExamples() - Method in class org.nd4j.linalg.dataset.api.iterator.KFoldIterator
 
numExamples() - Method in class org.nd4j.linalg.dataset.api.iterator.MultipleEpochsIterator
Deprecated.
Total number of examples in the dataset
numExamples() - Method in class org.nd4j.linalg.dataset.api.iterator.SamplingDataSetIterator
 
numExamples() - Method in class org.nd4j.linalg.dataset.api.iterator.TestDataSetIterator
 
numExamples() - Method in class org.nd4j.linalg.dataset.DataSet
 
numExamples() - Method in class org.nd4j.linalg.dataset.ExistingMiniBatchDataSetIterator
 
numExamples() - Method in class org.nd4j.linalg.dataset.MiniBatchFileDataSetIterator
 
numExamples() - Method in class org.nd4j.linalg.dataset.ViewIterator
 
numFeatureArrays() - Method in interface org.nd4j.linalg.dataset.api.MultiDataSet
Number of arrays of features/input data in the MultiDataSet
numFeatureArrays() - Method in class org.nd4j.linalg.dataset.MultiDataSet
 
numInputs() - Method in interface org.nd4j.linalg.dataset.api.DataSet
Number of input values - i.e., size of the features INDArray per example
numInputs() - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractMultiDataSetNormalizer
Get the number of inputs
numInputs() - Method in class org.nd4j.linalg.dataset.DataSet
The number of inputs in the feature matrix
numIterations - Variable in class org.nd4j.linalg.learning.AdaGradUpdater
 
numIterations - Variable in class org.nd4j.linalg.learning.legacy.AdaGrad
 
numLabelsArrays() - Method in interface org.nd4j.linalg.dataset.api.MultiDataSet
Number of arrays of label/output data in the MultiDataSet
numLabelsArrays() - Method in class org.nd4j.linalg.dataset.MultiDataSet
 
numNewAxis(INDArrayIndex...) - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
Given an array of indexes return the number of new axis elements in teh array
numOutcomes() - Method in interface org.nd4j.linalg.dataset.api.DataSet
Returns the number of outcomes (size of the labels array for each example)
numOutcomes - Variable in class org.nd4j.linalg.dataset.api.iterator.fetcher.BaseDataFetcher
 
numOutcomes() - Method in class org.nd4j.linalg.dataset.DataSet
 
numOutputs() - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractMultiDataSetNormalizer
Get the number of outputs
numParams(int) - Method in class org.nd4j.linalg.activations.BaseActivationFunction
 
numParams(int) - Method in interface org.nd4j.linalg.activations.IActivation
 
numPoints(INDArrayIndex...) - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
Number of point indexes
numProcessed() - Method in class org.nd4j.linalg.api.ops.BaseAccumulation
 
numProcessed - Variable in class org.nd4j.linalg.api.ops.BaseOp
 
numProcessed() - Method in class org.nd4j.linalg.api.ops.BaseOp
 
numProcessed() - Method in interface org.nd4j.linalg.api.ops.Op
Number processed
numTensors - Variable in class org.nd4j.linalg.api.ops.executioner.OpExecutionerUtil.Tensor1DStats
 
numVectors(INDArray) - Static method in class org.nd4j.linalg.util.NDArrayMath
Return the number of vectors for an array the number of vectors for an array

O

offset() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
offset() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the start of where the ndarray is for the underlying data
offset(DataBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
Deprecated.
offset(int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
Deprecated.
offset(IntBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
Get the offset for the buffer
offset() - Method in interface org.nd4j.linalg.indexing.INDArrayIndex
The start of this index
offset() - Method in class org.nd4j.linalg.indexing.IntervalIndex
 
offset(INDArray, int...) - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
Compute the offset given an array of offsets.
offset(INDArray, INDArrayIndex...) - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
Compute the offset given an array of offsets.
offset(int[], int[]) - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
Compute the offset given an array of offsets.
offset(int[], long[]) - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
 
offset() - Method in class org.nd4j.linalg.indexing.NDArrayIndex
 
offset() - Method in class org.nd4j.linalg.indexing.NDArrayIndexEmpty
 
offset() - Method in class org.nd4j.linalg.indexing.NewAxis
 
offset() - Method in class org.nd4j.linalg.indexing.PointIndex
 
offset() - Method in class org.nd4j.linalg.indexing.SpecifiedIndex
 
offsetFor(INDArray, int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
Compute the offset for the given array given the indices
offsetForSlice(INDArray, int) - Static method in class org.nd4j.linalg.util.NDArrayMath
Compute the offset for a given slice
offsets(int[], INDArrayIndex...) - Static method in class org.nd4j.linalg.indexing.Indices
The offsets (begin index) for each index
OldConvolution - Class in org.nd4j.linalg.convolution
 
OMP_THREADS_KEY - Static variable in class org.nd4j.linalg.api.environment.Nd4jEnvironment
 
OneMinus - Class in org.nd4j.linalg.api.ops.impl.transforms
1 - input
OneMinus() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.OneMinus
 
OneMinus(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.OneMinus
 
OneMinus(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.OneMinus
 
OneMinus(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.OneMinus
 
OneMinus(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.OneMinus
 
Ones - Class in org.nd4j.linalg.api.ops.impl.transforms
Ones (represents a constant)
Ones() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Ones
 
Ones(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Ones
 
Ones(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Ones
 
Ones(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Ones
 
Ones(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Ones
 
ones(int, int) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates a row vector with the specified number of columns
ones(int) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates a row vector with the specified number of columns
ones(int[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create an ndarray of ones
ones(int, int) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a row vector with the specified number of columns
ones(int) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a row vector with the specified number of columns
ones(int...) - Static method in class org.nd4j.linalg.factory.Nd4j
Create an ndarray of ones
ones(int, int) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates a row vector with the specified number of columns
ones(int) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates a row vector with the specified number of columns
ones(int[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create an ndarray of ones
onesLike(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
Ones like
op(IComplexNumber, double) - Method in interface org.nd4j.linalg.api.ops.Accumulation
 
op(IComplexNumber, float) - Method in interface org.nd4j.linalg.api.ops.Accumulation
 
op(IComplexNumber, IComplexNumber) - Method in interface org.nd4j.linalg.api.ops.Accumulation
 
op(IComplexNumber) - Method in interface org.nd4j.linalg.api.ops.Accumulation
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.BaseAccumulation
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.BaseAccumulation
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.BaseAccumulation
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.BaseAccumulation
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.BaseAccumulation
 
op(double) - Method in class org.nd4j.linalg.api.ops.BaseAccumulation
 
op(float) - Method in class org.nd4j.linalg.api.ops.BaseAccumulation
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.BaseAccumulation
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.AMax
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.AMax
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.AMin
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.AMin
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.ASum
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.ASum
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.ASum
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.ASum
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Bias
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Bias
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Bias
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Bias
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Bias
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Bias
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineDistance
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineDistance
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineDistance
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineDistance
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineDistance
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineSimilarity
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineSimilarity
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineSimilarity
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineSimilarity
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineSimilarity
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.EuclideanDistance
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.EuclideanDistance
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.EuclideanDistance
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.EuclideanDistance
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.EuclideanDistance
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.EuclideanDistance
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.EuclideanDistance
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.EuclideanDistance
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.HammingDistance
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.HammingDistance
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.HammingDistance
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.HammingDistance
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.HammingDistance
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.JaccardDistance
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.JaccardDistance
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.JaccardDistance
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.JaccardDistance
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.JaccardDistance
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.ManhattanDistance
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.ManhattanDistance
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.ManhattanDistance
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.ManhattanDistance
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.ManhattanDistance
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.ManhattanDistance
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.ManhattanDistance
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.ManhattanDistance
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Dot
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Dot
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Dot
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Dot
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Dot
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Dot
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Dot
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Dot
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Entropy
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Entropy
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Entropy
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Entropy
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Entropy
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Entropy
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.EqualsWithEps
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.EqualsWithEps
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.EqualsWithEps
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.EqualsWithEps
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.EqualsWithEps
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.accum.EqualsWithEps
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.accum.EqualsWithEps
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.EqualsWithEps
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.accum.LogEntropy
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.accum.LogEntropy
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.LogEntropy
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.LogEntropy
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.LogEntropy
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.LogEntropy
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.MatchCondition
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.MatchCondition
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.MatchCondition
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.MatchCondition
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Max
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Max
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Min
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Min
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Mmul
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Mmul
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Mmul
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Mmul
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Mmul
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Mmul
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Mmul
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Mmul
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm1
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm1
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm2
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm2
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm2
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm2
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm2
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm2
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm2
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm2
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.NormMax
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.NormMax
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.NormMax
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.NormMax
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Prod
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Prod
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Prod
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Prod
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Prod
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Prod
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.accum.ShannonEntropy
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.accum.ShannonEntropy
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.ShannonEntropy
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.ShannonEntropy
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.ShannonEntropy
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.ShannonEntropy
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Sum
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Sum
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Sum
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Sum
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.TensorMmul
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.TensorMmul
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.TensorMmul
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.TensorMmul
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.TensorMmul
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.accum.TensorMmul
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.accum.TensorMmul
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.TensorMmul
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Variance
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Variance
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAddOp
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAddOp
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAddOp
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAddOp
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAddOp
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAddOp
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAddOp
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAddOp
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastCopyOp
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastCopyOp
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastCopyOp
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastCopyOp
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastCopyOp
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastCopyOp
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastCopyOp
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastCopyOp
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastDivOp
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastDivOp
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastDivOp
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastDivOp
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastDivOp
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastDivOp
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastDivOp
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastDivOp
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastEqualTo
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastEqualTo
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastEqualTo
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastEqualTo
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastEqualTo
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastEqualTo
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastEqualTo
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastEqualTo
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastGreaterThan
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastGreaterThan
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastGreaterThan
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastGreaterThan
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastGreaterThan
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastGreaterThan
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastGreaterThan
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastGreaterThan
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastGreaterThanOrEqual
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastGreaterThanOrEqual
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastGreaterThanOrEqual
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastGreaterThanOrEqual
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastGreaterThanOrEqual
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastGreaterThanOrEqual
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastGreaterThanOrEqual
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastGreaterThanOrEqual
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastLessThan
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastLessThan
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastLessThan
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastLessThan
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastLessThan
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastLessThan
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastLessThan
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastLessThan
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastLessThanOrEqual
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastLessThanOrEqual
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastLessThanOrEqual
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastLessThanOrEqual
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastLessThanOrEqual
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastLessThanOrEqual
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastLessThanOrEqual
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastLessThanOrEqual
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMulOp
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMulOp
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMulOp
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMulOp
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMulOp
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMulOp
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMulOp
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMulOp
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastNotEqual
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastNotEqual
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastNotEqual
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastNotEqual
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastNotEqual
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastNotEqual
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastNotEqual
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastNotEqual
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRDivOp
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRDivOp
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRDivOp
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRDivOp
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRDivOp
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRDivOp
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRDivOp
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRDivOp
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRSubOp
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRSubOp
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRSubOp
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRSubOp
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRSubOp
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRSubOp
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRSubOp
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRSubOp
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastSubOp
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastSubOp
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastSubOp
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastSubOp
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastSubOp
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastSubOp
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastSubOp
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastSubOp
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.grid.BaseGridOp
Pairwise op (applicable with an individual element in y)
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.grid.BaseGridOp
Pairwise op (applicable with an individual element in y)
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.grid.BaseGridOp
Pairwise op (applicable with an individual element in y)
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.grid.BaseGridOp
Pairwise op (applicable with an individual element in y)
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.grid.BaseGridOp
Pairwise op (applicable with an individual element in y)
op(double) - Method in class org.nd4j.linalg.api.ops.impl.grid.BaseGridOp
Transform an individual element
op(float) - Method in class org.nd4j.linalg.api.ops.impl.grid.BaseGridOp
Transform an individual element
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.grid.BaseGridOp
Transform an individual element
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMax
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMax
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMax
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMax
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMax
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMax
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMax
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMax
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMin
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMin
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMin
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMin
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMin
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMin
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMin
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMin
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMax
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMax
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMax
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMax
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMax
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMax
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMax
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMax
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMin
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMin
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMin
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMin
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMin
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMin
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMin
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMin
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEquals
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEquals
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEquals
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEquals
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEquals
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEquals
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEquals
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEquals
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThan
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThan
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThan
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThan
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThan
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThan
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThan
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThan
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThanOrEqual
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThanOrEqual
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThanOrEqual
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThanOrEqual
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThanOrEqual
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThanOrEqual
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThanOrEqual
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThanOrEqual
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThan
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThan
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThan
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThan
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThan
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThan
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThan
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThan
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThanOrEqual
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThanOrEqual
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThanOrEqual
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThanOrEqual
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThanOrEqual
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThanOrEqual
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThanOrEqual
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThanOrEqual
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarNotEquals
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarNotEquals
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarNotEquals
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarNotEquals
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarNotEquals
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarNotEquals
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarNotEquals
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarNotEquals
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarSetValue
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarSetValue
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarSetValue
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarSetValue
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarSetValue
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarSetValue
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarSetValue
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarSetValue
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarAdd
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarAdd
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarAdd
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarAdd
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarAdd
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarAdd
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarAdd
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarAdd
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarDivision
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarDivision
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarDivision
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarDivision
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarDivision
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarDivision
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarDivision
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarDivision
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarFMod
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarFMod
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarFMod
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarFMod
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarFMod
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarFMod
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarFMod
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarFMod
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMax
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMax
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMax
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMax
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMax
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMax
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMax
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMax
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMin
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMin
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMin
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMin
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMin
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMin
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMin
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMin
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMultiplication
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMultiplication
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMultiplication
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMultiplication
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMultiplication
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMultiplication
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMultiplication
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMultiplication
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarRemainder
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarRemainder
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarRemainder
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarRemainder
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarRemainder
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarRemainder
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarRemainder
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarRemainder
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseDivision
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseDivision
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseDivision
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseDivision
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseDivision
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseDivision
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseDivision
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseDivision
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseSubtraction
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseSubtraction
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseSubtraction
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseSubtraction
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseSubtraction
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseSubtraction
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseSubtraction
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseSubtraction
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarSet
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarSet
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarSet
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarSet
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarSet
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarSet
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarSet
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarSet
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarSubtraction
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarSubtraction
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarSubtraction
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarSubtraction
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarSubtraction
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarSubtraction
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarSubtraction
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarSubtraction
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.shape.Broadcast
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.shape.Broadcast
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.shape.Broadcast
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.shape.Broadcast
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.shape.Broadcast
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.shape.Broadcast
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.shape.Broadcast
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.shape.Broadcast
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.shape.Permute
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.shape.Permute
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.shape.Permute
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.shape.Permute
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.shape.Permute
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.shape.Permute
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.shape.Permute
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.shape.Permute
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.shape.Reshape
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.shape.Reshape
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.shape.Reshape
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.shape.Reshape
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.shape.Reshape
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.shape.Reshape
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.shape.Reshape
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.shape.Reshape
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.shape.Transpose
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.shape.Transpose
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.shape.Transpose
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.shape.Transpose
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.shape.Transpose
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.shape.Transpose
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.shape.Transpose
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.shape.Transpose
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Abs
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Abs
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Abs
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Abs
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Abs
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Abs
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Abs
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Abs
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ACos
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ACos
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ACos
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ACos
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ACos
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ACos
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ACos
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ACos
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ACosh
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ACosh
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ACosh
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ACosh
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ACosh
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ACosh
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ACosh
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ACosh
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.And
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.And
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.And
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.And
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.And
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.And
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.And
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.And
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.AddOp
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.AddOp
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.AddOp
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.AddOp
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.AddOp
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.AddOp
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.AddOp
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.AddOp
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.Atan2Op
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.Atan2Op
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.Atan2Op
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.Atan2Op
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.Atan2Op
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.Atan2Op
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.Atan2Op
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.Atan2Op
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.Axpy
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.Axpy
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.Axpy
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.Axpy
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.Axpy
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.Axpy
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.Axpy
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.Axpy
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.CopyOp
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.CopyOp
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.CopyOp
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.CopyOp
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.CopyOp
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.CopyOp
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.CopyOp
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.CopyOp
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.DivOp
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.DivOp
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.DivOp
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.DivOp
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.DivOp
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.DivOp
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.DivOp
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.DivOp
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.FModOp
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.FModOp
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.FModOp
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.FModOp
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.FModOp
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.FModOp
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.FModOp
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.FModOp
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.MulOp
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.MulOp
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.MulOp
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.MulOp
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.MulOp
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.MulOp
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.MulOp
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.MulOp
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RDivOp
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RDivOp
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RDivOp
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RDivOp
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RDivOp
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RDivOp
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RDivOp
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RDivOp
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RemainderOp
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RemainderOp
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RemainderOp
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RemainderOp
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RemainderOp
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RemainderOp
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RemainderOp
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RemainderOp
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RSubOp
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RSubOp
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RSubOp
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RSubOp
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RSubOp
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RSubOp
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RSubOp
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RSubOp
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.SubOp
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.SubOp
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.SubOp
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.SubOp
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.SubOp
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.SubOp
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.SubOp
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.SubOp
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ASin
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ASin
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ASin
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ASin
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ASin
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ASin
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ASin
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ASin
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ASinh
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ASinh
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ASinh
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ASinh
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ASinh
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ASinh
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ASinh
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ASinh
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ATan
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ATan
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ATan
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ATan
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ATan
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ATan
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ATan
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ATan
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ATanh
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ATanh
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ATanh
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ATanh
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ATanh
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ATanh
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ATanh
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ATanh
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Ceil
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Ceil
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Ceil
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Ceil
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Ceil
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Ceil
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Ceil
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Ceil
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndReplace
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndReplace
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndReplace
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndReplace
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndReplace
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndReplace
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndReplace
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndReplace
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndSet
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndSet
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndSet
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndSet
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndSet
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndSet
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndSet
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndSet
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Eps
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Eps
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Eps
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Eps
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Eps
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Eps
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Eps
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Eps
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.EqualTo
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.EqualTo
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.EqualTo
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.EqualTo
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.EqualTo
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.EqualTo
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.EqualTo
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.EqualTo
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.GreaterThan
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.GreaterThan
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.GreaterThan
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.GreaterThan
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.GreaterThan
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.GreaterThan
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.GreaterThan
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.GreaterThan
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.GreaterThanOrEqual
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.GreaterThanOrEqual
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.GreaterThanOrEqual
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.GreaterThanOrEqual
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.GreaterThanOrEqual
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.GreaterThanOrEqual
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.GreaterThanOrEqual
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.GreaterThanOrEqual
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.LessThan
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.LessThan
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.LessThan
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.LessThan
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.LessThan
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.LessThan
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.LessThan
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.LessThan
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.LessThanOrEqual
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.LessThanOrEqual
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.LessThanOrEqual
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.LessThanOrEqual
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.LessThanOrEqual
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.LessThanOrEqual
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.LessThanOrEqual
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.LessThanOrEqual
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Max
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Max
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Max
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Max
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Max
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Max
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Max
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Max
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Min
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Min
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Min
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Min
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Min
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Min
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Min
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Min
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.NotEqualTo
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.NotEqualTo
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.NotEqualTo
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.NotEqualTo
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.NotEqualTo
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.NotEqualTo
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.NotEqualTo
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.NotEqualTo
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Col2Im
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Col2Im
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Col2Im
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Col2Im
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Col2Im
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Col2Im
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Col2Im
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Col2Im
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Im2col
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Im2col
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Im2col
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Im2col
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Im2col
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Im2col
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Im2col
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Im2col
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Pooling2D
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Pooling2D
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Pooling2D
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Pooling2D
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Pooling2D
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Pooling2D
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Pooling2D
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Pooling2D
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cos
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cos
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cos
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cos
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cos
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cos
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cos
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cos
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cosh
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cosh
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cosh
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cosh
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cosh
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cosh
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cosh
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cosh
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cube
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cube
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cube
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cube
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cube
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cube
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cube
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cube
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.CubeDerivative
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.CubeDerivative
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.CubeDerivative
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.CubeDerivative
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.CubeDerivative
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.CubeDerivative
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.CubeDerivative
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.CubeDerivative
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ELU
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ELU
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ELU
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ELU
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ELU
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ELU
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ELU
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ELU
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ELUDerivative
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ELUDerivative
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ELUDerivative
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ELUDerivative
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ELUDerivative
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ELUDerivative
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ELUDerivative
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ELUDerivative
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Exp
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Exp
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Exp
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Exp
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Exp
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Exp
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Exp
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Exp
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Floor
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Floor
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Floor
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Floor
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Floor
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Floor
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Floor
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Floor
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardSigmoid
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardSigmoid
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardSigmoid
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardSigmoid
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardSigmoid
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardSigmoid
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardSigmoid
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardSigmoid
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardSigmoidDerivative
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardSigmoidDerivative
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardSigmoidDerivative
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardSigmoidDerivative
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardSigmoidDerivative
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardSigmoidDerivative
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardSigmoidDerivative
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardSigmoidDerivative
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardTanh
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardTanh
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardTanh
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardTanh
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardTanh
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardTanh
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardTanh
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardTanh
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardTanhDerivative
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardTanhDerivative
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardTanhDerivative
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardTanhDerivative
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardTanhDerivative
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardTanhDerivative
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardTanhDerivative
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardTanhDerivative
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Histogram
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Histogram
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Histogram
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Histogram
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Histogram
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Histogram
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Histogram
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Histogram
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Identity
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Identity
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Identity
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Identity
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Identity
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Identity
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Identity
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Identity
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.IsMax
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.IsMax
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.IsMax
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.IsMax
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.IsMax
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.IsMax
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.IsMax
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.IsMax
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLU
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLU
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLU
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLU
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLU
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLU
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLU
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLU
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLUDerivative
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLUDerivative
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLUDerivative
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLUDerivative
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLUDerivative
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLUDerivative
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLUDerivative
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLUDerivative
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LegacyDropOut
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LegacyDropOut
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LegacyDropOut
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LegacyDropOut
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LegacyDropOut
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LegacyDropOut
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LegacyDropOut
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LegacyDropOut
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LegacyDropOutInverted
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LegacyDropOutInverted
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LegacyDropOutInverted
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LegacyDropOutInverted
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LegacyDropOutInverted
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LegacyDropOutInverted
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LegacyDropOutInverted
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LegacyDropOutInverted
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Log
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Log
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Log
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Log
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Log
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Log
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Log
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Log
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LogSoftMax
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LogSoftMax
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LogSoftMax
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LogSoftMax
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LogSoftMax
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LogSoftMax
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LogSoftMax
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LogSoftMax
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LogX
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LogX
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LogX
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LogX
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LogX
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LogX
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LogX
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LogX
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.MaxOut
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.MaxOut
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.MaxOut
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.MaxOut
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.MaxOut
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.MaxOut
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.MaxOut
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.MaxOut
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Negative
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Negative
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Negative
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Negative
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Negative
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Negative
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Negative
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Negative
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Not
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Not
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Not
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Not
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Not
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Not
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Not
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Not
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.OneMinus
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.OneMinus
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.OneMinus
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.OneMinus
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.OneMinus
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.OneMinus
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.OneMinus
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.OneMinus
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Ones
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Ones
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Ones
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Ones
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Ones
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Ones
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Ones
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Ones
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Or
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Or
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Or
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Or
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Or
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Or
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Or
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Or
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Pow
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Pow
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Pow
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Pow
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Pow
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Pow
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Pow
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Pow
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RationalTanh
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RationalTanh
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RationalTanh
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RationalTanh
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RationalTanh
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RationalTanh
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RationalTanh
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RationalTanh
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RationalTanhDerivative
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RationalTanhDerivative
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RationalTanhDerivative
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RationalTanhDerivative
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RationalTanhDerivative
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RationalTanhDerivative
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RationalTanhDerivative
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RationalTanhDerivative
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifedLinear
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifedLinear
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifedLinear
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifedLinear
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifedLinear
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifedLinear
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifedLinear
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifedLinear
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifiedTanh
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifiedTanh
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifiedTanh
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifiedTanh
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifiedTanh
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifiedTanh
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifiedTanh
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifiedTanh
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifiedTanhDerivative
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifiedTanhDerivative
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifiedTanhDerivative
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifiedTanhDerivative
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifiedTanhDerivative
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifiedTanhDerivative
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifiedTanhDerivative
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifiedTanhDerivative
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ReplaceNans
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ReplaceNans
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ReplaceNans
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ReplaceNans
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ReplaceNans
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ReplaceNans
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ReplaceNans
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ReplaceNans
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Reverse
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Reverse
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Reverse
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Reverse
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Reverse
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Reverse
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Reverse
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Reverse
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Round
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Round
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Round
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Round
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Round
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Round
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Round
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Round
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SELU
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SELU
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SELU
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SELU
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SELU
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SELU
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SELU
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SELU
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SELUDerivative
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SELUDerivative
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SELUDerivative
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SELUDerivative
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SELUDerivative
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SELUDerivative
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SELUDerivative
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SELUDerivative
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Set
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Set
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Set
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Set
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Set
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Set
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Set
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Set
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SetRange
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SetRange
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SetRange
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SetRange
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SetRange
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SetRange
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SetRange
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SetRange
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sigmoid
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sigmoid
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sigmoid
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sigmoid
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sigmoid
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sigmoid
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sigmoid
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sigmoid
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SigmoidDerivative
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SigmoidDerivative
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SigmoidDerivative
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SigmoidDerivative
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SigmoidDerivative
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SigmoidDerivative
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SigmoidDerivative
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SigmoidDerivative
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sign
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sign
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sign
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sign
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sign
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sign
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sign
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sign
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sin
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sin
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sin
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sin
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sin
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sin
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sin
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sin
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sinh
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sinh
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sinh
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sinh
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sinh
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sinh
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sinh
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sinh
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftMax
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftMax
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftMax
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftMax
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftMax
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftMax
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftMax
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftMax
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftMaxDerivative
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftMaxDerivative
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftMaxDerivative
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftMaxDerivative
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftMaxDerivative
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftMaxDerivative
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftMaxDerivative
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftMaxDerivative
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftPlus
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftPlus
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftPlus
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftPlus
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftPlus
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftPlus
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftPlus
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftPlus
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftSign
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftSign
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftSign
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftSign
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftSign
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftSign
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftSign
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftSign
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftSignDerivative
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftSignDerivative
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftSignDerivative
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftSignDerivative
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftSignDerivative
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftSignDerivative
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftSignDerivative
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftSignDerivative
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sqrt
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sqrt
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sqrt
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sqrt
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sqrt
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sqrt
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sqrt
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sqrt
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Stabilize
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Stabilize
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Stabilize
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Stabilize
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Stabilize
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Stabilize
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Stabilize
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Stabilize
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Step
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Step
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Step
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Step
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Step
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Step
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Step
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Step
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Tan
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Tan
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Tan
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Tan
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Tan
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Tan
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Tan
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Tan
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.TanDerivative
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.TanDerivative
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.TanDerivative
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.TanDerivative
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.TanDerivative
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.TanDerivative
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.TanDerivative
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.TanDerivative
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Tanh
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Tanh
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Tanh
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Tanh
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Tanh
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Tanh
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Tanh
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Tanh
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.TanhDerivative
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.TanhDerivative
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.TanhDerivative
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.TanhDerivative
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.TanhDerivative
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.TanhDerivative
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.TanhDerivative
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.TanhDerivative
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.TimesOneMinus
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.TimesOneMinus
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.TimesOneMinus
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.TimesOneMinus
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.TimesOneMinus
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.TimesOneMinus
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.TimesOneMinus
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.TimesOneMinus
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.VectorFFT
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.VectorFFT
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.VectorFFT
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.VectorFFT
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.VectorFFT
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.VectorFFT
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.VectorFFT
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.VectorFFT
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.VectorIFFT
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.VectorIFFT
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.VectorIFFT
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.VectorIFFT
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.VectorIFFT
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.VectorIFFT
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.VectorIFFT
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.VectorIFFT
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Xor
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Xor
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Xor
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Xor
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Xor
 
op(double) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Xor
 
op(float) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Xor
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Xor
 
Op - Interface in org.nd4j.linalg.api.ops
An op is defined as follows: name: name of the operation x: the origin ndarray y: the ndarray to parse in parallel z: the resulting buffer n: the number of elements to iterate over where x is the origin ndarray, y, is a pairwise op over n elements in the ndarray stored in result z

This is followed from the standard template for a BLAS operation such that given a linear buffer, a function defines 3 buffers (x,y,z) and the associated strides and offsets (handled by the ndarrays in this case)

op(IComplexNumber, double) - Method in interface org.nd4j.linalg.api.ops.Op
Pairwise op (applicable with an individual element in y)
op(IComplexNumber, float) - Method in interface org.nd4j.linalg.api.ops.Op
Pairwise op (applicable with an individual element in y)
op(IComplexNumber, IComplexNumber) - Method in interface org.nd4j.linalg.api.ops.Op
Pairwise op (applicable with an individual element in y)
op(float, float) - Method in interface org.nd4j.linalg.api.ops.Op
Pairwise op (applicable with an individual element in y)
op(double, double) - Method in interface org.nd4j.linalg.api.ops.Op
Pairwise op (applicable with an individual element in y)
op(double) - Method in interface org.nd4j.linalg.api.ops.Op
Transform an individual element
op(float) - Method in interface org.nd4j.linalg.api.ops.Op
Transform an individual element
op(IComplexNumber) - Method in interface org.nd4j.linalg.api.ops.Op
Transform an individual element
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.random.BaseRandomOp
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.random.BaseRandomOp
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.random.BaseRandomOp
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.random.BaseRandomOp
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.random.BaseRandomOp
 
op(double) - Method in class org.nd4j.linalg.api.ops.random.BaseRandomOp
 
op(float) - Method in class org.nd4j.linalg.api.ops.random.BaseRandomOp
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.random.BaseRandomOp
 
op(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.TadCollapseAccumulation
 
op(IComplexNumber, float) - Method in class org.nd4j.linalg.api.ops.TadCollapseAccumulation
 
op(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.TadCollapseAccumulation
 
op(float, float) - Method in class org.nd4j.linalg.api.ops.TadCollapseAccumulation
 
op(double, double) - Method in class org.nd4j.linalg.api.ops.TadCollapseAccumulation
 
op(double) - Method in class org.nd4j.linalg.api.ops.TadCollapseAccumulation
 
op(float) - Method in class org.nd4j.linalg.api.ops.TadCollapseAccumulation
 
op(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.TadCollapseAccumulation
 
Op.Type - Enum in org.nd4j.linalg.api.ops
 
OP_EXECUTIONER - Static variable in class org.nd4j.linalg.factory.Nd4j
 
OP_EXECUTIONER_INSTANCE - Static variable in class org.nd4j.linalg.factory.Nd4j
 
OP_FACTORY - Static variable in class org.nd4j.linalg.factory.Nd4j
 
OP_FACTORY_INSTANCE - Static variable in class org.nd4j.linalg.factory.Nd4j
 
OpDescriptor - Class in org.nd4j.linalg.api.ops.grid
 
OpDescriptor(Op) - Constructor for class org.nd4j.linalg.api.ops.grid.OpDescriptor
 
opDimension - Variable in class org.nd4j.linalg.api.ops.BaseScalarOp
 
OpExecutioner - Interface in org.nd4j.linalg.api.ops.executioner
An operation executioner handles storage specific details of executing an operation
OpExecutioner.ExecutionMode - Enum in org.nd4j.linalg.api.ops.executioner
 
OpExecutioner.ProfilingMode - Enum in org.nd4j.linalg.api.ops.executioner
 
opExecutionerClazz - Static variable in class org.nd4j.linalg.factory.Nd4j
 
OpExecutionerUtil - Class in org.nd4j.linalg.api.ops.executioner
Utility functions for the DefaultOpExecutioner
OpExecutionerUtil.Tensor1DStats - Class in org.nd4j.linalg.api.ops.executioner
Simple class containing values used for calculating various quantities related to 1d tensors.
offset of ith tensor: firstTensorOffset + i * tensorStartSeparation
separation between elements in tensor: elementWiseStride
number of elements in each 1d tensor: tensorLength
number of 1d tensors: numTensors
OpFactory - Interface in org.nd4j.linalg.api.ops.factory
Op factory
opFactoryClazz - Static variable in class org.nd4j.linalg.factory.Nd4j
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.BaseBroadcastOp
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.BaseBroadcastOp
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.accum.AMax
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.accum.AMax
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.accum.AMean
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.accum.AMean
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.accum.AMin
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.accum.AMin
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.accum.ASum
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.accum.ASum
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.accum.Bias
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.accum.Bias
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineDistance
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineDistance
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineSimilarity
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineSimilarity
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.EuclideanDistance
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.EuclideanDistance
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.HammingDistance
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.HammingDistance
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.JaccardDistance
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.JaccardDistance
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.ManhattanDistance
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.ManhattanDistance
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.accum.Dot
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.accum.Dot
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.accum.Entropy
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.accum.Entropy
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.accum.EqualsWithEps
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.accum.EqualsWithEps
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.accum.LogEntropy
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.accum.LogEntropy
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.accum.MatchCondition
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.accum.MatchCondition
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.accum.Max
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.accum.Max
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.accum.Mean
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.accum.Mean
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.accum.Min
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.accum.Min
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.accum.Mmul
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.accum.Mmul
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm1
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm1
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm2
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm2
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.accum.NormMax
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.accum.NormMax
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.accum.Prod
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.accum.Prod
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.accum.ShannonEntropy
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.accum.ShannonEntropy
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.accum.StandardDeviation
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.accum.StandardDeviation
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.accum.Sum
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.accum.Sum
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.accum.TensorMmul
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.accum.TensorMmul
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.accum.Variance
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.accum.Variance
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.grid.BaseGridOp
A copy of this operation for a particular dimension of the input
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.grid.BaseGridOp
A copy of this operation for a particular dimension of the input
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMax
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMax
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMin
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMin
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMax
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMax
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMin
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMin
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEquals
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEquals
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThan
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThan
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThanOrEqual
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThanOrEqual
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThan
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThan
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThanOrEqual
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThanOrEqual
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarNotEquals
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarNotEquals
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarSetValue
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarSetValue
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarAdd
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarAdd
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarDivision
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarDivision
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarFMod
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarFMod
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMax
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMax
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMin
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMin
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMultiplication
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMultiplication
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarRemainder
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarRemainder
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseDivision
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseDivision
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseSubtraction
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseSubtraction
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarSet
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarSet
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarSubtraction
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarSubtraction
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.shape.Broadcast
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.shape.Broadcast
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.shape.Permute
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.shape.Permute
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.shape.Reshape
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.shape.Reshape
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.shape.Transpose
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.shape.Transpose
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Abs
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Abs
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ACos
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ACos
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ACosh
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ACosh
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.And
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.And
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.AddOp
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.AddOp
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.Atan2Op
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.Atan2Op
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.Axpy
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.Axpy
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.CopyOp
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.CopyOp
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.DivOp
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.DivOp
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.FModOp
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.FModOp
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.MulOp
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.MulOp
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RDivOp
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RDivOp
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RemainderOp
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RemainderOp
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RSubOp
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RSubOp
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.SubOp
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.SubOp
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ASin
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ASin
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ASinh
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ASinh
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ATan
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ATan
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ATanh
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ATanh
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Ceil
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Ceil
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndReplace
A copy of this operation for a particular dimension of the input
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndReplace
A copy of this operation for a particular dimension of the input
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndSet
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndSet
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Eps
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Eps
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.EqualTo
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.EqualTo
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.GreaterThan
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.GreaterThan
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.GreaterThanOrEqual
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.GreaterThanOrEqual
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.LessThan
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.LessThan
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.LessThanOrEqual
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.LessThanOrEqual
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Max
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Max
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Min
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Min
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.NotEqualTo
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.NotEqualTo
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Col2Im
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Col2Im
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Im2col
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Im2col
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Pooling2D
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Pooling2D
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cos
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cos
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cosh
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cosh
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cube
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cube
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.CubeDerivative
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.CubeDerivative
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ELU
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ELU
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ELUDerivative
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ELUDerivative
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Exp
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Exp
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Floor
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Floor
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardSigmoid
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardSigmoid
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardSigmoidDerivative
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardSigmoidDerivative
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardTanh
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardTanh
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardTanhDerivative
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardTanhDerivative
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Histogram
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Histogram
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Identity
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Identity
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.IsMax
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.IsMax
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLU
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLU
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLUDerivative
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLUDerivative
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LegacyDropOut
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LegacyDropOut
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LegacyDropOutInverted
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LegacyDropOutInverted
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Log
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Log
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LogSoftMax
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LogSoftMax
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LogX
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.LogX
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.MaxOut
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.MaxOut
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Negative
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Negative
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Not
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Not
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.OneMinus
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.OneMinus
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Ones
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Ones
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Or
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Or
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Pow
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Pow
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RationalTanh
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RationalTanh
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RationalTanhDerivative
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RationalTanhDerivative
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifedLinear
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifedLinear
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifiedTanh
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifiedTanh
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifiedTanhDerivative
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifiedTanhDerivative
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ReplaceNans
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ReplaceNans
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Reverse
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Reverse
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Round
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Round
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SELU
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SELU
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SELUDerivative
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SELUDerivative
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Set
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Set
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SetRange
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SetRange
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sigmoid
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sigmoid
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SigmoidDerivative
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SigmoidDerivative
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sign
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sign
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sin
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sin
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sinh
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sinh
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftMax
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftMax
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftMaxDerivative
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftPlus
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftPlus
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftSign
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftSign
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftSignDerivative
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftSignDerivative
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sqrt
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sqrt
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Stabilize
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Stabilize
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Step
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Step
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Tan
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Tan
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.TanDerivative
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.TanDerivative
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Tanh
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Tanh
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.TanhDerivative
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.TanhDerivative
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.TimesOneMinus
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.TimesOneMinus
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.VectorFFT
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.VectorFFT
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.VectorIFFT
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.VectorIFFT
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Xor
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Xor
 
opForDimension(int, int) - Method in interface org.nd4j.linalg.api.ops.Op
A copy of this operation for a particular dimension of the input
opForDimension(int, int...) - Method in interface org.nd4j.linalg.api.ops.Op
A copy of this operation for a particular dimension of the input
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.random.BaseRandomOp
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.random.BaseRandomOp
 
opForDimension(int, int) - Method in class org.nd4j.linalg.api.ops.TadCollapseAccumulation
 
opForDimension(int, int...) - Method in class org.nd4j.linalg.api.ops.TadCollapseAccumulation
 
opNum() - Method in interface org.nd4j.linalg.api.ops.aggregates.Aggregate
 
opNum() - Method in class org.nd4j.linalg.api.ops.aggregates.Batch
This method returns opNum for batched aggregate
opNum() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateAxpy
 
opNum() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateCBOW
 
opNum() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateDot
 
opNum() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateGEMM
 
opNum() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.AggregateSkipGram
 
opNum() - Method in class org.nd4j.linalg.api.ops.aggregates.impl.HierarchicSoftmax
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.accum.AMax
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.accum.AMean
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.accum.AMin
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.accum.ASum
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.accum.Bias
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineDistance
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineSimilarity
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.EuclideanDistance
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.HammingDistance
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.JaccardDistance
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.ManhattanDistance
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.accum.Dot
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.accum.Entropy
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.accum.EqualsWithEps
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.accum.LogEntropy
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.accum.MatchCondition
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.accum.Max
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.accum.Mean
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.accum.Min
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.accum.Mmul
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm1
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm2
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.accum.NormMax
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.accum.Prod
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.accum.ShannonEntropy
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.accum.StandardDeviation
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.accum.Sum
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.accum.TensorMmul
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.accum.Variance
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAddOp
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastCopyOp
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastDivOp
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastEqualTo
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastGreaterThan
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastGreaterThanOrEqual
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastLessThan
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastLessThanOrEqual
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMulOp
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastNotEqual
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRDivOp
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRSubOp
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastSubOp
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.grid.FreeGridOp
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMax
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMin
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMax
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMin
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.meta.InvertedPredicateMetaOp
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.meta.PostulateMetaOp
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.meta.PredicateMetaOp
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.meta.ReduceMetaOp
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEquals
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThan
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThanOrEqual
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThan
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThanOrEqual
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarNotEquals
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarSetValue
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarAdd
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarDivision
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarFMod
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMax
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMin
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMultiplication
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarRemainder
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseDivision
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseSubtraction
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarSet
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarSubtraction
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.shape.Broadcast
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.shape.Permute
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.shape.Reshape
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.shape.Transpose
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Abs
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.ACos
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.ACosh
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.And
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.AddOp
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.Atan2Op
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.Axpy
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.CopyOp
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.DivOp
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.FModOp
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.MulOp
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RDivOp
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RemainderOp
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RSubOp
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.SubOp
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.ASin
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.ASinh
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.ATan
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.ATanh
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Ceil
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndReplace
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndSet
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Eps
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.EqualTo
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.GreaterThan
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.GreaterThanOrEqual
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.LessThan
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.LessThanOrEqual
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Max
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Min
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.NotEqualTo
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Col2Im
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Im2col
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.convolution.Pooling2D
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cos
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cosh
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cube
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.CubeDerivative
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.ELU
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.ELUDerivative
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Exp
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Floor
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardSigmoid
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardSigmoidDerivative
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardTanh
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.HardTanhDerivative
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Histogram
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Identity
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.IsMax
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLU
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.LeakyReLUDerivative
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.LegacyDropOut
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.LegacyDropOutInverted
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Log
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.LogSoftMax
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.LogX
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.MaxOut
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Negative
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Not
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.OneMinus
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Ones
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Or
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Pow
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.RationalTanh
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.RationalTanhDerivative
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifedLinear
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifiedTanh
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.RectifiedTanhDerivative
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.ReplaceNans
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Reverse
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Round
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.SELU
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.SELUDerivative
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Set
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.SetRange
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sigmoid
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.SigmoidDerivative
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sign
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sin
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sinh
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftMax
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftMaxDerivative
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftPlus
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftSign
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.SoftSignDerivative
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Sqrt
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Stabilize
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Step
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Tan
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.TanDerivative
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Tanh
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.TanhDerivative
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.TimesOneMinus
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.VectorFFT
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.VectorIFFT
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Xor
 
opNum() - Method in interface org.nd4j.linalg.api.ops.Op
An op number
opNum() - Method in class org.nd4j.linalg.api.ops.random.impl.BernoulliDistribution
 
opNum() - Method in class org.nd4j.linalg.api.ops.random.impl.BinomialDistribution
 
opNum() - Method in class org.nd4j.linalg.api.ops.random.impl.BinomialDistributionEx
 
opNum() - Method in class org.nd4j.linalg.api.ops.random.impl.Choice
 
opNum() - Method in class org.nd4j.linalg.api.ops.random.impl.DropOut
 
opNum() - Method in class org.nd4j.linalg.api.ops.random.impl.DropOutInverted
 
opNum() - Method in class org.nd4j.linalg.api.ops.random.impl.GaussianDistribution
 
opNum() - Method in class org.nd4j.linalg.api.ops.random.impl.Linspace
 
opNum() - Method in class org.nd4j.linalg.api.ops.random.impl.ProbablisticMerge
 
opNum() - Method in class org.nd4j.linalg.api.ops.random.impl.UniformDistribution
 
opNum() - Method in class org.nd4j.linalg.api.ops.TadCollapseAccumulation
 
OpProfiler - Class in org.nd4j.linalg.profiler
This class is suited for execution statistics gathering on Op/Array level: number of sequential ops executed on the same data PLEASE NOTE: This isn't thread-safe implementation.
OpProfiler.OpProfilerListener - Interface in org.nd4j.linalg.profiler
 
OpProfiler.PenaltyCause - Enum in org.nd4j.linalg.profiler
 
Or - Class in org.nd4j.linalg.api.ops.impl.transforms
Boolean AND pairwise transform
Or() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Or
 
Or(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Or
 
Or(INDArray, INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Or
 
Or(INDArray, INDArray, INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Or
 
Or(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Or
 
Or(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Or
 
Or(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Or
 
Or(INDArray, INDArray, INDArray, Number, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Or
 
or(IComplexNDArray, Condition) - Static method in class org.nd4j.linalg.indexing.BooleanIndexing
Or over the whole ndarray given some condition
or(INDArray, Condition, int...) - Static method in class org.nd4j.linalg.indexing.BooleanIndexing
Or over the whole ndarray given some condition, with respect to dimensions
or(INDArray, Condition) - Static method in class org.nd4j.linalg.indexing.BooleanIndexing
Or over the whole ndarray given some condition
or(Condition...) - Method in class org.nd4j.linalg.indexing.conditions.ConditionBuilder
 
Or - Class in org.nd4j.linalg.indexing.conditions
An or between 2 conditions.
Or(Condition...) - Constructor for class org.nd4j.linalg.indexing.conditions.Or
 
or(INDArray, INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
order(IntBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
Returns the order given the shape information
order(DataBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
Returns the order given the shape information
order(int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
order - Variable in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
order() - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Returns the order for this ndarray for internal data storage
ORDER - Static variable in class org.nd4j.linalg.factory.Nd4j
 
order() - Static method in class org.nd4j.linalg.factory.Nd4j
Returns the ordering of the ndarrays
order() - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Returns the order for this ndarray for internal data storage
ORDER_KEY - Static variable in class org.nd4j.linalg.factory.Nd4j
 
ordering() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
ordering() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Return the ordering (fortran or c 'f' and 'c' respectively) of this ndarray
org.nd4j.linalg.activations - package org.nd4j.linalg.activations
 
org.nd4j.linalg.activations.impl - package org.nd4j.linalg.activations.impl
 
org.nd4j.linalg.api.blas - package org.nd4j.linalg.api.blas
 
org.nd4j.linalg.api.blas.impl - package org.nd4j.linalg.api.blas.impl
 
org.nd4j.linalg.api.blas.params - package org.nd4j.linalg.api.blas.params
 
org.nd4j.linalg.api.complex - package org.nd4j.linalg.api.complex
 
org.nd4j.linalg.api.concurrency - package org.nd4j.linalg.api.concurrency
 
org.nd4j.linalg.api.environment - package org.nd4j.linalg.api.environment
 
org.nd4j.linalg.api.instrumentation - package org.nd4j.linalg.api.instrumentation
 
org.nd4j.linalg.api.iter - package org.nd4j.linalg.api.iter
 
org.nd4j.linalg.api.ndarray - package org.nd4j.linalg.api.ndarray
 
org.nd4j.linalg.api.ops - package org.nd4j.linalg.api.ops
 
org.nd4j.linalg.api.ops.aggregates - package org.nd4j.linalg.api.ops.aggregates
 
org.nd4j.linalg.api.ops.aggregates.impl - package org.nd4j.linalg.api.ops.aggregates.impl
 
org.nd4j.linalg.api.ops.exception - package org.nd4j.linalg.api.ops.exception
 
org.nd4j.linalg.api.ops.executioner - package org.nd4j.linalg.api.ops.executioner
 
org.nd4j.linalg.api.ops.factory - package org.nd4j.linalg.api.ops.factory
 
org.nd4j.linalg.api.ops.grid - package org.nd4j.linalg.api.ops.grid
 
org.nd4j.linalg.api.ops.impl.accum - package org.nd4j.linalg.api.ops.impl.accum
 
org.nd4j.linalg.api.ops.impl.accum.distances - package org.nd4j.linalg.api.ops.impl.accum.distances
 
org.nd4j.linalg.api.ops.impl.broadcast - package org.nd4j.linalg.api.ops.impl.broadcast
 
org.nd4j.linalg.api.ops.impl.grid - package org.nd4j.linalg.api.ops.impl.grid
 
org.nd4j.linalg.api.ops.impl.indexaccum - package org.nd4j.linalg.api.ops.impl.indexaccum
 
org.nd4j.linalg.api.ops.impl.meta - package org.nd4j.linalg.api.ops.impl.meta
 
org.nd4j.linalg.api.ops.impl.scalar - package org.nd4j.linalg.api.ops.impl.scalar
 
org.nd4j.linalg.api.ops.impl.scalar.comparison - package org.nd4j.linalg.api.ops.impl.scalar.comparison
 
org.nd4j.linalg.api.ops.impl.shape - package org.nd4j.linalg.api.ops.impl.shape
 
org.nd4j.linalg.api.ops.impl.transforms - package org.nd4j.linalg.api.ops.impl.transforms
 
org.nd4j.linalg.api.ops.impl.transforms.arithmetic - package org.nd4j.linalg.api.ops.impl.transforms.arithmetic
 
org.nd4j.linalg.api.ops.impl.transforms.comparison - package org.nd4j.linalg.api.ops.impl.transforms.comparison
 
org.nd4j.linalg.api.ops.impl.transforms.convolution - package org.nd4j.linalg.api.ops.impl.transforms.convolution
 
org.nd4j.linalg.api.ops.random - package org.nd4j.linalg.api.ops.random
 
org.nd4j.linalg.api.ops.random.impl - package org.nd4j.linalg.api.ops.random.impl
 
org.nd4j.linalg.api.rng - package org.nd4j.linalg.api.rng
 
org.nd4j.linalg.api.rng.distribution - package org.nd4j.linalg.api.rng.distribution
 
org.nd4j.linalg.api.rng.distribution.factory - package org.nd4j.linalg.api.rng.distribution.factory
 
org.nd4j.linalg.api.rng.distribution.impl - package org.nd4j.linalg.api.rng.distribution.impl
 
org.nd4j.linalg.api.shape - package org.nd4j.linalg.api.shape
 
org.nd4j.linalg.api.shape.loop.coordinatefunction - package org.nd4j.linalg.api.shape.loop.coordinatefunction
 
org.nd4j.linalg.api.shape.loop.four - package org.nd4j.linalg.api.shape.loop.four
 
org.nd4j.linalg.api.shape.loop.one - package org.nd4j.linalg.api.shape.loop.one
 
org.nd4j.linalg.api.shape.loop.three - package org.nd4j.linalg.api.shape.loop.three
 
org.nd4j.linalg.api.shape.loop.two - package org.nd4j.linalg.api.shape.loop.two
 
org.nd4j.linalg.cache - package org.nd4j.linalg.cache
 
org.nd4j.linalg.checkutil - package org.nd4j.linalg.checkutil
 
org.nd4j.linalg.compression - package org.nd4j.linalg.compression
 
org.nd4j.linalg.convolution - package org.nd4j.linalg.convolution
 
org.nd4j.linalg.dataset - package org.nd4j.linalg.dataset
 
org.nd4j.linalg.dataset.api - package org.nd4j.linalg.dataset.api
 
org.nd4j.linalg.dataset.api.iterator - package org.nd4j.linalg.dataset.api.iterator
 
org.nd4j.linalg.dataset.api.iterator.cache - package org.nd4j.linalg.dataset.api.iterator.cache
 
org.nd4j.linalg.dataset.api.iterator.enums - package org.nd4j.linalg.dataset.api.iterator.enums
 
org.nd4j.linalg.dataset.api.iterator.fetcher - package org.nd4j.linalg.dataset.api.iterator.fetcher
 
org.nd4j.linalg.dataset.api.preprocessor - package org.nd4j.linalg.dataset.api.preprocessor
 
org.nd4j.linalg.dataset.api.preprocessor.classimbalance - package org.nd4j.linalg.dataset.api.preprocessor.classimbalance
 
org.nd4j.linalg.dataset.api.preprocessor.serializer - package org.nd4j.linalg.dataset.api.preprocessor.serializer
 
org.nd4j.linalg.dataset.api.preprocessor.stats - package org.nd4j.linalg.dataset.api.preprocessor.stats
 
org.nd4j.linalg.dimensionalityreduction - package org.nd4j.linalg.dimensionalityreduction
 
org.nd4j.linalg.eigen - package org.nd4j.linalg.eigen
 
org.nd4j.linalg.exception - package org.nd4j.linalg.exception
 
org.nd4j.linalg.executors - package org.nd4j.linalg.executors
 
org.nd4j.linalg.factory - package org.nd4j.linalg.factory
 
org.nd4j.linalg.fft - package org.nd4j.linalg.fft
 
org.nd4j.linalg.heartbeat - package org.nd4j.linalg.heartbeat
 
org.nd4j.linalg.heartbeat.reports - package org.nd4j.linalg.heartbeat.reports
 
org.nd4j.linalg.heartbeat.utils - package org.nd4j.linalg.heartbeat.utils
 
org.nd4j.linalg.indexing - package org.nd4j.linalg.indexing
 
org.nd4j.linalg.indexing.conditions - package org.nd4j.linalg.indexing.conditions
 
org.nd4j.linalg.indexing.functions - package org.nd4j.linalg.indexing.functions
 
org.nd4j.linalg.inverse - package org.nd4j.linalg.inverse
 
org.nd4j.linalg.learning - package org.nd4j.linalg.learning
 
org.nd4j.linalg.learning.config - package org.nd4j.linalg.learning.config
 
org.nd4j.linalg.learning.legacy - package org.nd4j.linalg.learning.legacy
 
org.nd4j.linalg.lossfunctions - package org.nd4j.linalg.lossfunctions
 
org.nd4j.linalg.lossfunctions.impl - package org.nd4j.linalg.lossfunctions.impl
 
org.nd4j.linalg.lossfunctions.serde - package org.nd4j.linalg.lossfunctions.serde
 
org.nd4j.linalg.memory - package org.nd4j.linalg.memory
 
org.nd4j.linalg.memory.abstracts - package org.nd4j.linalg.memory.abstracts
 
org.nd4j.linalg.memory.provider - package org.nd4j.linalg.memory.provider
 
org.nd4j.linalg.memory.stash - package org.nd4j.linalg.memory.stash
 
org.nd4j.linalg.ops.transforms - package org.nd4j.linalg.ops.transforms
 
org.nd4j.linalg.profiler - package org.nd4j.linalg.profiler
 
org.nd4j.linalg.profiler.data - package org.nd4j.linalg.profiler.data
 
org.nd4j.linalg.profiler.data.primitives - package org.nd4j.linalg.profiler.data.primitives
 
org.nd4j.linalg.string - package org.nd4j.linalg.string
 
org.nd4j.linalg.util - package org.nd4j.linalg.util
 
org.nd4j.serde.binary - package org.nd4j.serde.binary
 
org.nd4j.versioncheck - package org.nd4j.versioncheck
 
originalDimension - Variable in class org.nd4j.linalg.api.ops.TadCollapseAccumulation
 
originalOffset() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the start of where the ndarray is for the original data buffer
originalOffset() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the start of where the ndarray is for the original data buffer
ormqr(char, char, INDArray, INDArray, INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
ormqr(char, char, INDArray, INDArray, INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
 
OS_KEY - Static variable in class org.nd4j.linalg.api.environment.Nd4jEnvironment
 
outcome() - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
outcome() - Method in class org.nd4j.linalg.dataset.DataSet
 
output() - Method in class org.nd4j.linalg.api.ops.BaseLossFunction
 
output() - Method in interface org.nd4j.linalg.api.ops.LossFunction
The guess
outSize(int, int, int, int, boolean) - Static method in class org.nd4j.linalg.convolution.Convolution
The out size for a convolution
outSize(int, int, int, int, boolean) - Static method in class org.nd4j.linalg.convolution.OldConvolution
The out size for a convolution
overrideMinorityDefault(int) - Method in class org.nd4j.linalg.dataset.api.preprocessor.classimbalance.UnderSamplingByMaskingMultiDataSetPreProcessor
Will change the default minority label from "1" to "0" and correspondingly the majority class from "0" to "1" for the label at the index specified
overrideMinorityDefault() - Method in class org.nd4j.linalg.dataset.api.preprocessor.classimbalance.UnderSamplingByMaskingPreProcessor
Will change the default minority label from "1" to "0" and correspondingly the majority class from "0" to "1"

P

pad(INDArray, int[][], Nd4j.PadMode) - Static method in class org.nd4j.linalg.factory.Nd4j
Pad the given ndarray to the size along each dimension
pad(INDArray, int[][], List<double[]>, Nd4j.PadMode) - Static method in class org.nd4j.linalg.factory.Nd4j
Pad the given ndarray to the size along each dimension
pad(INDArray, int[], List<double[]>, Nd4j.PadMode) - Static method in class org.nd4j.linalg.factory.Nd4j
Pad the given ndarray to the size along each dimension
pad(INDArray, int[], Nd4j.PadMode) - Static method in class org.nd4j.linalg.factory.Nd4j
Pad the given ndarray to the size along each dimension
padWithZeros(IComplexNDArray, int[]) - Static method in class org.nd4j.linalg.util.ComplexNDArrayUtil
Pads an ndarray with zeros
ParallelDataSetIterator - Interface in org.nd4j.linalg.dataset.api.iterator
 
ParallelMultiDataSetIterator - Interface in org.nd4j.linalg.dataset.api.iterator
 
parentWorkspace - Variable in class org.nd4j.linalg.memory.abstracts.DummyWorkspace
 
parseComplexNumber(String) - Static method in class org.nd4j.linalg.factory.Nd4j
Parse a complex number
passThrough - Variable in class org.nd4j.linalg.api.ops.BaseOp
 
PCA - Class in org.nd4j.linalg.dimensionalityreduction
PCA class for dimensionality reduction and general analysis
PCA(INDArray) - Constructor for class org.nd4j.linalg.dimensionalityreduction.PCA
Create a PCA instance with calculated data: covariance, mean, eigenvectors, and eigenvalues.
pca(INDArray, int, boolean) - Static method in class org.nd4j.linalg.dimensionalityreduction.PCA
Calculates pca vectors of a matrix, for a fixed number of reduced features returns the reduced feature set The return is a projection of A onto principal nDims components To use the PCA: assume A is the original feature set then project A onto a reduced set of features.
pca(INDArray, double, boolean) - Static method in class org.nd4j.linalg.dimensionalityreduction.PCA
Calculates pca reduced value of a matrix, for a given variance.
pca2(INDArray, double) - Static method in class org.nd4j.linalg.dimensionalityreduction.PCA
This method performs a dimensionality reduction, including principal components that cover a fraction of the total variance of the system.
pca_factor(INDArray, int, boolean) - Static method in class org.nd4j.linalg.dimensionalityreduction.PCA
Calculates pca factors of a matrix, for a fixed number of reduced features returns the factors to scale observations The return is a factor matrix to reduce (normalized) feature sets
pca_factor(INDArray, double, boolean) - Static method in class org.nd4j.linalg.dimensionalityreduction.PCA
Calculates pca vectors of a matrix, for a given variance.
percentile(Number, int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
percentile(Number, int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
This method returns median along given dimension(s)
percentileNumber(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
percentileNumber(Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
This method returns percentile value for this INDArray
perform(int, RawArrayIterationInformation4, DataBuffer, int, DataBuffer, int, DataBuffer, int, DataBuffer, int) - Method in interface org.nd4j.linalg.api.shape.loop.four.LoopFunction4
Perform an operation given 2 buffers
perform(int, RawArrayIterationInformation4, DataBuffer, int, DataBuffer, int, DataBuffer, int, DataBuffer, int) - Method in interface org.nd4j.linalg.api.shape.loop.one.LoopFunction1
Perform an operation given 2 buffers
perform(int, RawArrayIterationInformation3, DataBuffer, int, DataBuffer, int, DataBuffer, int) - Method in interface org.nd4j.linalg.api.shape.loop.three.LoopFunction3
Perform an operation given 2 buffers
perform(int, RawArrayIterationInformation2, DataBuffer, int, DataBuffer, int) - Method in class org.nd4j.linalg.api.shape.loop.two.CopyLoopFunction
 
perform(int, RawArrayIterationInformation2, DataBuffer, int, DataBuffer, int) - Method in interface org.nd4j.linalg.api.shape.loop.two.LoopFunction2
Perform an operation given 2 buffers
performSmallerDimension - Variable in class org.nd4j.linalg.api.ops.TadCollapseAccumulation
 
periodicEnabled - Variable in class org.nd4j.linalg.memory.BasicMemoryManager
 
permute(int[]) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
See: http://www.mathworks.com/help/matlab/ref/permute.html
permute(int...) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
See: http://www.mathworks.com/help/matlab/ref/permute.html
permute(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
See: http://www.mathworks.com/help/matlab/ref/permute.html
permute(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
See: http://www.mathworks.com/help/matlab/ref/permute.html
Permute - Class in org.nd4j.linalg.api.ops.impl.shape
Transpose function
Permute() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Permute
 
Permute(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Permute
 
Permute(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Permute
 
Permute(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Permute
 
Permute(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Permute
 
permutei(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
An in-place version of permute.
permutei(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
An in-place version of permute.
pickReference(MemoryWorkspace) - Method in class org.nd4j.linalg.memory.provider.BasicWorkspaceManager
 
pile(INDArray...) - Static method in class org.nd4j.linalg.factory.Nd4j
This method stacks vertically examples with the same shape, increasing result dimensionality.
pile(Collection<INDArray>) - Static method in class org.nd4j.linalg.factory.Nd4j
This method stacks vertically examples with the same shape, increasing result dimensionality.
pinnedAllocations - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
pinnedAllocationsSize - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
pinnedCount - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
point(int) - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
Returns a point index
PointIndex - Class in org.nd4j.linalg.indexing
 
PointIndex(int) - Constructor for class org.nd4j.linalg.indexing.PointIndex
 
Pooling2D - Class in org.nd4j.linalg.api.ops.impl.transforms.convolution
Pooling2D operation
Pooling2D() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.convolution.Pooling2D
 
Pooling2D(INDArray, int, int, int, int, int, int, boolean, Pooling2D.Pooling2DType, double, int, int, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.convolution.Pooling2D
 
pooling2D(INDArray, int, int, int, int, int, int, boolean, Pooling2D.Pooling2DType, double, int, int, INDArray) - Static method in class org.nd4j.linalg.convolution.Convolution
 
Pooling2D.Pooling2DType - Enum in org.nd4j.linalg.api.ops.impl.transforms.convolution
 
postProcess(IComplexNDArray, int) - Method in class org.nd4j.linalg.fft.DefaultFFTInstance
 
PostulateMetaOp - Class in org.nd4j.linalg.api.ops.impl.meta
You're NOT supposed to directly call this op.
PostulateMetaOp() - Constructor for class org.nd4j.linalg.api.ops.impl.meta.PostulateMetaOp
 
PostulateMetaOp(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.meta.PostulateMetaOp
 
PostulateMetaOp(ScalarOp, Accumulation) - Constructor for class org.nd4j.linalg.api.ops.impl.meta.PostulateMetaOp
 
PostulateMetaOp(TransformOp, Accumulation) - Constructor for class org.nd4j.linalg.api.ops.impl.meta.PostulateMetaOp
 
PostulateMetaOp(OpDescriptor, OpDescriptor) - Constructor for class org.nd4j.linalg.api.ops.impl.meta.PostulateMetaOp
 
posv(char, INDArray, INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
posv(char, INDArray, INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
 
potrf(INDArray, boolean) - Method in class org.nd4j.linalg.api.blas.impl.BaseLapack
 
potrf(INDArray, boolean) - Method in interface org.nd4j.linalg.api.blas.Lapack
Triangular decomposiiton of a positive definite matrix ( cholesky ) Factorize a matrix A such that A = LL* (assuming lower==true) or A = U*U (a * represents conjugate i.e.
Pow - Class in org.nd4j.linalg.api.ops.impl.transforms
Pow function
Pow() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Pow
 
Pow(INDArray, INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Pow
 
Pow(INDArray, INDArray, long, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Pow
 
Pow(INDArray, INDArray, INDArray, long, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Pow
 
Pow(INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Pow
 
pow(INDArray, Number) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Pow function
pow(INDArray, INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Pow function
pow(INDArray, Number, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Pow function
pow(IComplexNumber, IComplexNumber) - Static method in class org.nd4j.linalg.util.ComplexUtil
Raise a complex number to a power
pow(IComplexNumber, double) - Static method in class org.nd4j.linalg.util.ComplexUtil
Raise a complex number to a power
PredicateMetaOp - Class in org.nd4j.linalg.api.ops.impl.meta
This MetaOp covers case, when Op A and Op B are both using linear memory access You're NOT supposed to directly call this op.
PredicateMetaOp() - Constructor for class org.nd4j.linalg.api.ops.impl.meta.PredicateMetaOp
 
PredicateMetaOp(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.meta.PredicateMetaOp
 
PredicateMetaOp(Op, Op) - Constructor for class org.nd4j.linalg.api.ops.impl.meta.PredicateMetaOp
 
PredicateMetaOp(OpDescriptor, OpDescriptor) - Constructor for class org.nd4j.linalg.api.ops.impl.meta.PredicateMetaOp
 
PredicateMetaOp(ScalarOp, TransformOp) - Constructor for class org.nd4j.linalg.api.ops.impl.meta.PredicateMetaOp
 
PredicateMetaOp(TransformOp, TransformOp) - Constructor for class org.nd4j.linalg.api.ops.impl.meta.PredicateMetaOp
 
PredicateMetaOp(TransformOp, ScalarOp) - Constructor for class org.nd4j.linalg.api.ops.impl.meta.PredicateMetaOp
 
PredicateMetaOp(ScalarOp, ScalarOp) - Constructor for class org.nd4j.linalg.api.ops.impl.meta.PredicateMetaOp
 
prepareRawArrayIter(INDArray) - Static method in class org.nd4j.linalg.api.shape.Shape
Prepares two arrays for raw iteration linearly through the data.
prepend(INDArray, int, double, int) - Static method in class org.nd4j.linalg.factory.Nd4j
Append the given array with the specified value size along a particular axis
preProcess(DataSet) - Method in interface org.nd4j.linalg.dataset.api.DataSetPreProcessor
Pre process a dataset
preProcess(MultiDataSet) - Method in interface org.nd4j.linalg.dataset.api.MultiDataSetPreProcessor
Preprocess the MultiDataSet
preProcess(DataSet) - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractDataSetNormalizer
Pre process a dataset
preProcess(MultiDataSet) - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractMultiDataSetNormalizer
Pre process a MultiDataSet
preProcess(MultiDataSet) - Method in class org.nd4j.linalg.dataset.api.preprocessor.classimbalance.UnderSamplingByMaskingMultiDataSetPreProcessor
 
preProcess(DataSet) - Method in class org.nd4j.linalg.dataset.api.preprocessor.classimbalance.UnderSamplingByMaskingPreProcessor
 
preProcess(DataSet) - Method in interface org.nd4j.linalg.dataset.api.preprocessor.DataNormalization
 
preProcess(DataSet) - Method in class org.nd4j.linalg.dataset.api.preprocessor.ImageFlatteningDataSetPreProcessor
 
preProcess(DataSet) - Method in class org.nd4j.linalg.dataset.api.preprocessor.ImagePreProcessingScaler
 
preProcess(INDArray) - Method in class org.nd4j.linalg.dataset.api.preprocessor.ImagePreProcessingScaler
 
preProcess(INDArray, INDArray, MinMaxStats) - Method in class org.nd4j.linalg.dataset.api.preprocessor.MinMaxStrategy
Normalize a data array
preProcess(MultiDataSet) - Method in interface org.nd4j.linalg.dataset.api.preprocessor.MultiDataNormalization
 
preProcess(MultiDataSet) - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerHybrid
 
preProcess(INDArray, INDArray, S) - Method in interface org.nd4j.linalg.dataset.api.preprocessor.NormalizerStrategy
Normalize a data array
preProcess(INDArray, INDArray, DistributionStats) - Method in class org.nd4j.linalg.dataset.api.preprocessor.StandardizeStrategy
Normalize a data array
preProcess(DataSet) - Method in class org.nd4j.linalg.dataset.api.preprocessor.VGG16ImagePreProcessor
 
preProcess(INDArray) - Method in class org.nd4j.linalg.dataset.api.preprocessor.VGG16ImagePreProcessor
 
preProcess(IComplexNDArray, IComplexNDArray, int, int) - Method in class org.nd4j.linalg.fft.DefaultFFTInstance
 
preProcessor - Variable in class org.nd4j.linalg.dataset.api.iterator.BaseDatasetIterator
 
preProcessor - Variable in class org.nd4j.linalg.dataset.api.iterator.KFoldIterator
 
preventUnpack - Static variable in class org.nd4j.linalg.factory.Nd4j
 
previousWorkspace - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
principalComponents(INDArray) - Static method in class org.nd4j.linalg.dimensionalityreduction.PCA
Calculates the principal component vectors and their eigenvalues (lambda) for the covariance matrix.
printAllocationStatisticsForCurrentThread() - Method in class org.nd4j.linalg.memory.provider.BasicWorkspaceManager
This method prints out basic statistics for workspaces allocated in current thread
printApacheMatrix(RealMatrix) - Static method in class org.nd4j.linalg.checkutil.CheckUtil
 
printAvailableCompressors() - Method in class org.nd4j.linalg.compression.BasicNDArrayCompressor
Prints available compressors to standard out
printEnvironmentInformation() - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
printEnvironmentInformation() - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
This method prints out environmental information returned by getEnvironmentInformation() method
printFailureDetails(INDArray, INDArray, RealMatrix, INDArray, INDArray, String) - Static method in class org.nd4j.linalg.checkutil.CheckUtil
 
printFailureDetails(INDArray, INDArray, INDArray, INDArray, INDArray, String) - Static method in class org.nd4j.linalg.checkutil.CheckUtil
 
printGemmFailureDetails(INDArray, INDArray, INDArray, boolean, boolean, double, double, RealMatrix, INDArray, INDArray) - Static method in class org.nd4j.linalg.checkutil.CheckUtil
 
printMatrixFullPrecision(INDArray) - Static method in class org.nd4j.linalg.checkutil.CheckUtil
 
printNDArrayHeader(INDArray) - Static method in class org.nd4j.linalg.checkutil.CheckUtil
 
printOutDashboard() - Method in class org.nd4j.linalg.profiler.OpProfiler
This method prints out dashboard state
probability(double, double) - Method in class org.nd4j.linalg.api.rng.distribution.BaseDistribution
For a random variable X whose values are distributed according to this distribution, this method returns P(x0 < X <= x1).
probability(double) - Method in class org.nd4j.linalg.api.rng.distribution.BaseDistribution
For a random variable X whose values are distributed according to this distribution, this method returns P(X = x).
probability(double) - Method in interface org.nd4j.linalg.api.rng.distribution.Distribution
For a random variable X whose values are distributed according to this distribution, this method returns P(X = x).
probability(int) - Method in class org.nd4j.linalg.api.rng.distribution.impl.BinomialDistribution
probability(double, double) - Method in class org.nd4j.linalg.api.rng.distribution.impl.NormalDistribution
For a random variable X whose values are distributed according to this distribution, this method returns P(x0 < X <= x1).
ProbablisticMerge - Class in org.nd4j.linalg.api.ops.random.impl
 
ProbablisticMerge() - Constructor for class org.nd4j.linalg.api.ops.random.impl.ProbablisticMerge
 
ProbablisticMerge(INDArray, INDArray, INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.random.impl.ProbablisticMerge
 
ProbablisticMerge(INDArray, INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.random.impl.ProbablisticMerge
 
process(int[]...) - Method in interface org.nd4j.linalg.api.shape.loop.coordinatefunction.CoordinateFunction
 
process(int[]...) - Method in class org.nd4j.linalg.api.shape.loop.coordinatefunction.CopyCoordinateFunction
 
processBlasCall(String) - Method in class org.nd4j.linalg.profiler.OpProfiler
Deprecated.
processBlasCall(boolean, INDArray...) - Method in class org.nd4j.linalg.profiler.OpProfiler
 
processMemoryAccess() - Method in class org.nd4j.linalg.profiler.OpProfiler
 
processOpCall(Op) - Method in class org.nd4j.linalg.profiler.OpProfiler
This method tracks op calls
processOpCall(Op, DataBuffer...) - Method in class org.nd4j.linalg.profiler.OpProfiler
 
processOperands(INDArray, INDArray) - Method in class org.nd4j.linalg.profiler.OpProfiler
 
processOperands(INDArray, INDArray, INDArray) - Method in class org.nd4j.linalg.profiler.OpProfiler
 
processOperands(INDArray...) - Method in class org.nd4j.linalg.profiler.OpProfiler
This method checks for something somewhere
processOrders(INDArray...) - Method in class org.nd4j.linalg.profiler.OpProfiler
 
processScalarCall() - Method in class org.nd4j.linalg.profiler.OpProfiler
This method tracks INDArray.putScalar()/getScalar() calls
processStackCall(Op, long) - Method in class org.nd4j.linalg.profiler.OpProfiler
This method builds
processTADOperands(DataBuffer...) - Method in class org.nd4j.linalg.profiler.OpProfiler
 
prod(int...) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
prod(int...) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Returns the product along a given dimension
prod(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the product along a given dimension
prod(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the product along a given dimension
Prod - Class in org.nd4j.linalg.api.ops.impl.accum
Prod the components
Prod() - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Prod
 
Prod(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Prod
 
Prod(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Prod
 
Prod(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Prod
 
Prod(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Prod
 
prod(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
 
prod(IComplexNDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
 
prod(INDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
prod(IComplexNDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
prodComplex() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
prodComplex() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
prodComplex() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
prodNumber() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
prodNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
prodNumber() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Calculate the product of all values in the array
profilingHookIn(Op, DataBuffer...) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
profilingHookIn(Op) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
profilingHookOut(Op, long) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
profilingMode - Variable in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
props - Static variable in class org.nd4j.linalg.factory.Nd4j
 
pullRows(INDArray, int, int[], char) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
This method produces concatenated array, that consist from tensors, fetched from source array, against some dimension and specified indexes
pullRows(INDArray, int, int[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
This method produces concatenated array, that consist from tensors, fetched from source array, against some dimension and specified indexes
pullRows(INDArray, int, int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method produces concatenated array, that consist from tensors, fetched from source array, against some dimension and specified indexes
pullRows(INDArray, int, int[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
This method produces concatenated array, that consist from tensors, fetched from source array, against some dimension and specified indexes
pullRows(INDArray, int, int[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
This method produces concatenated array, that consist from tensors, fetched from source array, against some dimension and specified indexes
pullRows(INDArray, int, int[], char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
This method produces concatenated array, that consist from tensors, fetched from source array, against some dimension and specified indexes
purge() - Method in class org.nd4j.linalg.memory.stash.BasicStash
 
purge() - Method in interface org.nd4j.linalg.memory.stash.Stash
 
purgeBuffers() - Method in interface org.nd4j.linalg.cache.TADManager
This method removes all cached shape buffers
purgeCache() - Method in interface org.nd4j.linalg.api.ndarray.ShapeInfoProvider
This method forces cache purge, if cache is available for specific implementation
purgeCaches() - Method in class org.nd4j.linalg.memory.BasicMemoryManager
This method purges all cached memory chunks
purgeCaches() - Method in interface org.nd4j.linalg.memory.MemoryManager
This method purges all cached memory chunks
purgeConstants() - Method in interface org.nd4j.linalg.cache.ConstantHandler
This method removes all cached constants
push() - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
push() - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
This method ensures all operations that supposed to be executed at this moment, are executed.
put(INDArrayIndex[], INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
put(int, int, Number) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Inserts the element at the specified index
put(int[], double) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
put(int, int, IComplexNumber) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
put(int, IComplexNDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Inserts the element at the specified index
put(int[], INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Inserts the element at the specified index
put(int, int, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Inserts the element at the specified index
put(INDArrayIndex[], IComplexNumber) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
put(INDArrayIndex[], IComplexNDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
put(INDArrayIndex[], Number) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
put(int, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Inserts the element at the specified index
put(int, IComplexNumber) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
put(int[], float) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
put(INDArrayIndex[], IComplexNumber) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
put(INDArrayIndex[], IComplexNDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
put(INDArrayIndex[], Number) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
put(int, int, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Inserts the element at the specified index
put(int[], INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Inserts the element at the specified index
put(int, IComplexNDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Put a scalar ndarray at the specified index
put(int, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Inserts the element at the specified index
put(int[], float) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
put(int[], double) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
put(int, int, IComplexNumber) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
put(int[], INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Inserts the element at the specified index
put(int, int, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Inserts the element at the specified index
put(int, int, Number) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Inserts the element at the specified index
put(INDArrayIndex[], INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
put(INDArrayIndex[], Number) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
put(int, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Inserts the element at the specified index
put(INDArrayIndex[], INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Put the elements of the ndarray in to the specified indices
put(INDArrayIndex[], Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Put the elements of the ndarray in to the specified indices
put(int[], INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Inserts the element at the specified index
put(int, int, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Inserts the element at the specified index
put(int, int, Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Inserts the element at the specified index
put(int, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Inserts the element at the specified index
put(String, DataSet) - Method in interface org.nd4j.linalg.dataset.api.iterator.cache.DataSetCache
 
put(String, DataSet) - Method in class org.nd4j.linalg.dataset.api.iterator.cache.InFileAndMemoryDataSetCache
 
put(String, DataSet) - Method in class org.nd4j.linalg.dataset.api.iterator.cache.InFileDataSetCache
 
put(String, DataSet) - Method in class org.nd4j.linalg.dataset.api.iterator.cache.InMemoryDataSetCache
 
put(T, INDArray) - Method in class org.nd4j.linalg.memory.stash.BasicStash
 
put(T, INDArray) - Method in interface org.nd4j.linalg.memory.stash.Stash
 
putColumn(int, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Insert a column in to this array Will throw an exception if this ndarray is not a matrix
putColumn(int, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Insert a column in to this array Will throw an exception if this ndarray is not a matrix
putColumn(int, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Insert a column in to this array Will throw an exception if this ndarray is not a matrix
putColumn(int, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Insert a column in to this array Will throw an exception if this ndarray is not a matrix
putiColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
putiColumnVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
In place assignment of a column vector
putImag(int, int, double) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
putImag(int, float) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
putImag(int[], float) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
putImag(int[], double) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
putImag(int, int, float) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
putImag(int[], float) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
putImag(int[], double) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
putImag(int, int, float) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
putImag(int, int, double) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
putImag(int, float) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
putiRowVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
putiRowVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
in place assignment of row vector, to each row of this array
putReal(int, int, double) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
putReal(int, float) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
putReal(int, int, float) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
putReal(int[], float) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
putReal(int[], double) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
putReal(int[], float) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
putReal(int[], double) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
putReal(int, int, float) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
putReal(int, int, double) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
putReal(int, float) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
putRow(int, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Insert a row in to this array Will throw an exception if this ndarray is not a matrix
putRow(int, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Insert a row in to this array Will throw an exception if this ndarray is not a matrix
putRow(int, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Insert a row in to this array Will throw an exception if this ndarray is not a matrix
putRow(int, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Insert a row in to this array Will throw an exception if this ndarray is not a matrix
putScalar(int, int, IComplexNumber) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
putScalar(int, IComplexNumber) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
putScalar(int, double) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
putScalar(int[], double) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
putScalar(int[], IComplexNumber) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
putScalar(int, IComplexNumber) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
putScalar(int, double) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
putScalar(int[], IComplexNumber) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
putScalar(int, int, IComplexNumber) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
putScalar(int, double) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
putScalar(int, float) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
putScalar(int, int) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
putScalar(int[], double) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
putScalar(int, int, double) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
putScalar(int, int, int, double) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
putScalar(int, int, int, int, double) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
putScalar(int[], float) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
putScalar(int[], int) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
putScalar(int, double) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Insert the number linearly in to the ndarray
putScalar(int, float) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Insert a scalar float at the specified index
putScalar(int, int) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Insert a scalar int at the specified index
putScalar(int[], double) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Insert the item at the specified indices
putScalar(int, int, double) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Insert the value at the specified indices, in a 2d (rank 2) NDArray
Equivalent to INDArray.putScalar(int[], double) but avoids int[] creation
putScalar(int, int, int, double) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Insert the value at the specified indices, in a 3d (rank 3) NDArray
Equivalent to INDArray.putScalar(int[], double) but avoids int[] creation
putScalar(int, int, int, int, double) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Insert the value at the specified indices, in a 4d (rank 4) NDArray
Equivalent to INDArray.putScalar(int[], double) but avoids int[] creation
putScalar(int[], float) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Put the specified float value at the specified indices in this array
putScalar(int[], int) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Put the specified integer value at the specified indices in this array
putScalarUnsafe(long, double) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
putScalarUnsafe(long, double) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Insert a scalar at the given linear offset
putSlice(int, IComplexNDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Assigns the given matrix (put) to the specified slice
putSlice(int, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Assigns the given matrix (put) to the specified slice
putSlice(int, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Assigns the given matrix (put) to the specified slice
putSlice(int, IComplexNDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
putSlice(int, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Assigns the given matrix (put) to the specified slice
putSlice(int, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Assigns the given matrix (put) to the specified slice
putTime(String, Op, long) - Method in class org.nd4j.linalg.profiler.data.StringAggregator
 
putTime(String, long) - Method in class org.nd4j.linalg.profiler.data.StringAggregator
 

Q

queuedOps - Variable in class org.nd4j.linalg.api.ops.impl.grid.BaseGridOp
 

R

rand(int[], double, double, Random) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
rand(int, int, double, double, Random) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
rand(int[], float, float, Random) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Generates a random matrix between min and max
rand(int, int, float, float, Random) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Generates a random matrix between min and max
rand(int, int, Random) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create a random ndarray with the given shape using the given rng
rand(int, int, long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create a random ndarray with the given shape using the given rng
rand(int, int) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create a random ndarray with the given shape using the current time as the seed
rand(char, int, int) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create a random (uniform 0-1) NDArray with the specified shape and order
rand(int[], Distribution) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create a random ndarray with the given shape using the given rng
rand(int[], Random) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create a random ndarray with the given shape using the given rng
rand(int[], long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create a random ndarray with the given shape using the given rng
rand(int[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create a random ndarray with the given shape using the current time as the seed
rand(char, int[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create a random ndarray with the given shape and order
rand(int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a random ndarray with the given shape using the current time as the seed
rand(char, int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a random ndarray with the given shape and array order
rand(int, int) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a random ndarray with the given shape using the current time as the seed
rand(char, int, int) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a random ndarray with the given shape and output order
rand(int[], long) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a random ndarray with the given shape using given seed
rand(long, int...) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a random ndarray with the given shape using the given seed
rand(int, int, long) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a random ndarray with the given shape using the given seed
rand(int[], Random) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a random ndarray with the given shape using the given RandomGenerator
rand(int[], Distribution) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a random ndarray with the given shape using the given rng
rand(int, int, Random) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a random ndarray with the given shape using the given rng
rand(int[], double, double, Random) - Static method in class org.nd4j.linalg.factory.Nd4j
Generates a random matrix between min and max
rand(int, int, double, double, Random) - Static method in class org.nd4j.linalg.factory.Nd4j
Generates a random matrix between min and max
rand(int[], float, float, Random) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Generates a random matrix between min and max
rand(int, int, float, float, Random) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Generates a random matrix between min and max
rand(int, int, Random) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create a random ndarray with the given shape using the given rng
rand(int, int, long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create a random ndarray with the given shape using the given rng
rand(int, int) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create a random ndarray with the given shape using the current time as the seed
rand(char, int, int) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create a random (uniform 0-1) NDArray with the specified shape and order
rand(int[], Distribution) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create a random ndarray with the given shape using the given rng
rand(int[], Random) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create a random ndarray with the given shape using the given rng
rand(int[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create a random ndarray with the given shape using the given rng
rand(int[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create a random ndarray with the given shape using the current time as the seed
rand(char, int[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create a random ndarray with the given shape, and specified output order
rand(int, int, double, double, Random) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
rand(int[], double, double, Random) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
randn(int, int, Random) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Random normal using the given rng
randn(int, int) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Random normal using the current time stamp as the seed
randn(char, int, int) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Generate a random normal N(0,1) with the specified order and shape
randn(int, int, long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Random normal using the specified seed
randn(int[], Random) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Random normal using the given rng
randn(char, int[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Random normal using the current time stamp as the seed
randn(int[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Random normal N(0,1) with the specified shape and
randn(int[], long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Random normal using the specified seed
randn(int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Random normal using the current time stamp as the seed
randn(char, int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Random normal N(0,1) with the specified shape and array order
randn(int[], long) - Static method in class org.nd4j.linalg.factory.Nd4j
Random normal using the specified seed
randn(int, int) - Static method in class org.nd4j.linalg.factory.Nd4j
Random normal using the current time stamp as the seed
randn(char, int, int) - Static method in class org.nd4j.linalg.factory.Nd4j
Random normal N(0,1) with the specified shape and array order
randn(int, int, long) - Static method in class org.nd4j.linalg.factory.Nd4j
Random normal using the specified seed
randn(int, int, Random) - Static method in class org.nd4j.linalg.factory.Nd4j
Random normal using the given rng
randn(int[], Random) - Static method in class org.nd4j.linalg.factory.Nd4j
Random normal using the given rng
randn(int, int, Random) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Random normal using the given rng
randn(int, int) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Random normal (N(0,1)) using the current time stamp as the seed
randn(char, int, int) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Random normal N(0,1), with specified output order
randn(int, int, long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Random normal using the specified seed
randn(int[], Random) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Random normal using the given rng
randn(int[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Random normal N(0,1) using the current time stamp as the seed
randn(char, int[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Random normal N(0,1) with the specified shape and order
randn(int[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Random normal using the specified seed
random - Variable in class org.nd4j.linalg.api.rng.distribution.BaseDistribution
 
Random - Interface in org.nd4j.linalg.api.rng
Random generation based on commons math.
RANDOM_PROVIDER - Static variable in class org.nd4j.linalg.factory.Nd4j
 
randomClazz - Static variable in class org.nd4j.linalg.factory.Nd4j
 
randomFactory - Static variable in class org.nd4j.linalg.factory.Nd4j
 
RandomFactory - Class in org.nd4j.linalg.factory
This class acts as factory for new Random objects and thread-isolated holder for previously created Random instances
RandomFactory(Class) - Constructor for class org.nd4j.linalg.factory.RandomFactory
 
randomGenerator - Variable in class org.nd4j.linalg.api.rng.DefaultRandom
 
RandomOp - Interface in org.nd4j.linalg.api.ops
 
rangeOfLength(INDArrayIndex[]) - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
Create a range based on the given indexes.
rank() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
rank() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the rank of the ndarray (the number of dimensions).
rank(DataBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
Gets the rank given the shape info buffer
rank(IntBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
Gets the rank given the shape info buffer
rank(int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
RationalTanh - Class in org.nd4j.linalg.api.ops.impl.transforms
Rational Tanh Approximation elementwise function, as described at https://github.com/deeplearning4j/libnd4j/issues/351
RationalTanh() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.RationalTanh
 
RationalTanh(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.RationalTanh
 
RationalTanh(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.RationalTanh
 
RationalTanh(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.RationalTanh
 
RationalTanh(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.RationalTanh
 
RationalTanh(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.RationalTanh
 
RationalTanhDerivative - Class in org.nd4j.linalg.api.ops.impl.transforms
Rational Tanh Derivative, as described at as described at https://github.com/deeplearning4j/libnd4j/issues/351
RationalTanhDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.RationalTanhDerivative
 
RationalTanhDerivative(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.RationalTanhDerivative
 
RationalTanhDerivative(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.RationalTanhDerivative
 
RationalTanhDerivative(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.RationalTanhDerivative
 
RationalTanhDerivative(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.RationalTanhDerivative
 
ravel() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Flattens the array for linear indexing
ravel() - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Returns a flattened version (row vector) of this ndarray
ravel(char) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Flattens the array for linear indexing
ravel() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Flattens the array for linear indexing
ravel() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns a flattened version (row vector) of this ndarray
ravel(char) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns a flattened version (row vector) of this ndarray
RawArrayIterationInformation1 - Class in org.nd4j.linalg.api.shape.loop.one
Raw array iteration information Used in preparing for linear array raw iteration
RawArrayIterationInformation1() - Constructor for class org.nd4j.linalg.api.shape.loop.one.RawArrayIterationInformation1
 
RawArrayIterationInformation2 - Class in org.nd4j.linalg.api.shape.loop.two
Raw array iteration information Used in preparing for linear array raw iteration
RawArrayIterationInformation2() - Constructor for class org.nd4j.linalg.api.shape.loop.two.RawArrayIterationInformation2
 
RawArrayIterationInformation3 - Class in org.nd4j.linalg.api.shape.loop.three
Raw array iteration information Used in preparing for linear array raw iteration
RawArrayIterationInformation3() - Constructor for class org.nd4j.linalg.api.shape.loop.three.RawArrayIterationInformation3
 
RawArrayIterationInformation4 - Class in org.nd4j.linalg.api.shape.loop.four
Raw array iteration information Used in preparing for linear array raw iteration
RawArrayIterationInformation4() - Constructor for class org.nd4j.linalg.api.shape.loop.four.RawArrayIterationInformation4
 
rawfft(IComplexNDArray, int, int) - Method in class org.nd4j.linalg.fft.DefaultFFTInstance
Underlying fft algorithm
rawfft(IComplexNDArray, int, int) - Static method in class org.nd4j.linalg.fft.FFT
Underlying fft algorithm
rawfft(IComplexNDArray, int, int) - Method in interface org.nd4j.linalg.fft.FFTInstance
Underlying fft algorithm
rawfftn(IComplexNDArray, int[], int[]) - Method in class org.nd4j.linalg.fft.BaseFFTInstance
 
rawfftn(IComplexNDArray, int[], int[]) - Static method in class org.nd4j.linalg.fft.FFT
 
rawfftn(IComplexNDArray, int[], int[]) - Method in interface org.nd4j.linalg.fft.FFTInstance
 
rawifft(IComplexNDArray, int) - Method in class org.nd4j.linalg.fft.BaseFFTInstance
 
rawifft(IComplexNDArray, int, int) - Method in class org.nd4j.linalg.fft.DefaultFFTInstance
 
rawifft(IComplexNDArray, int, int) - Static method in class org.nd4j.linalg.fft.FFT
 
rawifft(IComplexNDArray, int) - Static method in class org.nd4j.linalg.fft.FFT
 
rawifft(IComplexNDArray, int, int) - Method in interface org.nd4j.linalg.fft.FFTInstance
Underlying ifft impl
rawifft(IComplexNDArray, int) - Method in interface org.nd4j.linalg.fft.FFTInstance
Underlying ifft impl
rawifftn(IComplexNDArray, int[], int[]) - Method in class org.nd4j.linalg.fft.BaseFFTInstance
 
rawifftn(IComplexNDArray, int[], int[]) - Static method in class org.nd4j.linalg.fft.FFT
 
rawifftn(IComplexNDArray, int[], int[]) - Method in interface org.nd4j.linalg.fft.FFTInstance
 
rdiv(Number, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
rdiv(Number) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
rdiv(IComplexNumber, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
rdiv(IComplexNumber) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
rdiv(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Reverse division
rdiv(INDArray, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Reverse division
rdiv(IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
rdiv(IComplexNumber, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
rdiv(IComplexNumber) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
rdiv(Number, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
rdiv(Number) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
rdiv(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Reverse division
rdiv(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Reverse division
rdiv(Number, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
rdiv(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Reverse division
rdiv(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Reverse division
rdiv(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
rdiv(IComplexNumber) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
rdiv(IComplexNumber, IComplexNDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
rdiv(Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Reverse division with a scalar - i.e., (n / thisArrayValues)
rdiv(Number, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Reverse division (number / ndarray)
rdiv(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Reverse division, elements wise.
rdiv(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Reverse division
rdiv(IComplexNumber) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
rdiv(IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
rdivColumnVector(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
rdivColumnVector(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
rdivColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
rdivColumnVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Reverse division of a column vector (copy)
rdivi(Number, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
rdivi(Number) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
rdivi(IComplexNumber, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
rdivi(IComplexNumber) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
rdivi(IComplexNumber, IComplexNDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
rdivi(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Reverse divsion (in place)
rdivi(INDArray, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Reverse division (in-place)
rdivi(IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
rdivi(IComplexNumber, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
rdivi(IComplexNumber) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
rdivi(Number, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
rdivi(Number) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
rdivi(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Reverse divsion (in place)
rdivi(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Reverse division (in-place)
rdivi(Number, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
rdivi(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Reverse divsion (in place)
rdivi(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Reverse division (in-place)
rdivi(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
rdivi(IComplexNumber) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
rdivi(IComplexNumber, IComplexNDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
rdivi(Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
In place reverse division - i.e., (n / thisArrayValues)
rdivi(Number, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Reverse in place division
rdivi(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Reverse divsion (in place).
rdivi(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Reverse division (in-place)
rdivi(IComplexNumber) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
rdivi(IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
rdiviColumnVector(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
rdiviColumnVector(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
rdiviColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
rdiviColumnVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
In place reverse divison of a column vector
rdiviRowVector(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
rdiviRowVector(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
rdiviRowVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
rdiviRowVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
In place reverse division of a column vector
RDivOp - Class in org.nd4j.linalg.api.ops.impl.transforms.arithmetic
Division operation
RDivOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RDivOp
 
RDivOp(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RDivOp
 
RDivOp(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RDivOp
 
RDivOp(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RDivOp
 
RDivOp(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RDivOp
 
RDivOp(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RDivOp
 
rdivRowVector(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
rdivRowVector(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
rdivRowVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
rdivRowVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Reverse division of a column vector (copy)
read(ObjectInputStream) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
read(ObjectInputStream) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArrayProxy
 
read(File) - Method in class org.nd4j.linalg.api.ndarray.NdArrayJSONReader
 
read(InputStream) - Static method in class org.nd4j.linalg.factory.Nd4j
Raad an ndarray from an input stream
read(DataInputStream) - Static method in class org.nd4j.linalg.factory.Nd4j
Read in an ndarray from a data input stream
readBinary(File) - Static method in class org.nd4j.linalg.factory.Nd4j
Read a binary ndarray from the given file
readComplex(DataInputStream) - Static method in class org.nd4j.linalg.factory.Nd4j
Read in an ndarray from a data input stream
readFromDisk(File) - Static method in class org.nd4j.serde.binary.BinarySerde
Read an ndarray from disk
readNumpy(InputStream, String) - Static method in class org.nd4j.linalg.factory.Nd4j
Read line via input streams
readNumpy(String, String) - Static method in class org.nd4j.linalg.factory.Nd4j
Read line via input streams
readNumpy(String) - Static method in class org.nd4j.linalg.factory.Nd4j
Read line via input streams
readShapeFromDisk(File) - Static method in class org.nd4j.serde.binary.BinarySerde
This method returns shape databuffer from saved earlier file
readTxt(String, String) - Static method in class org.nd4j.linalg.factory.Nd4j
Read line via input streams
readTxt(String) - Static method in class org.nd4j.linalg.factory.Nd4j
Read from a file
readTxtString(InputStream, String) - Static method in class org.nd4j.linalg.factory.Nd4j
Read line via input streams
readTxtString(InputStream) - Static method in class org.nd4j.linalg.factory.Nd4j
Read from a file
readUnknown(DataInputStream, long) - Static method in class org.nd4j.linalg.compression.CompressedDataBuffer
Drop-in replacement wrapper for BaseDataBuffer.read() method, aware of CompressedDataBuffer
real() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Get realComponent part of the matrix.
real() - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Return all the real components in this ndarray
realArguments - Variable in class org.nd4j.linalg.api.ops.aggregates.BaseAggregate
 
RectifedLinear - Class in org.nd4j.linalg.api.ops.impl.transforms
Rectified linear units
RectifedLinear() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.RectifedLinear
 
RectifedLinear(INDArray, INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.RectifedLinear
 
RectifedLinear(INDArray, INDArray, long, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.RectifedLinear
 
RectifedLinear(INDArray, INDArray, INDArray, long, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.RectifedLinear
 
RectifedLinear(INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.RectifedLinear
 
RectifedLinear(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.RectifedLinear
 
RectifedLinear(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.RectifedLinear
 
RectifedLinear(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.RectifedLinear
 
RectifedLinear(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.RectifedLinear
 
RectifedLinear(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.RectifedLinear
 
RectifiedTanh - Class in org.nd4j.linalg.api.ops.impl.transforms
RectifiedTanh Essentially max(0, tanh(x))
RectifiedTanh() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.RectifiedTanh
 
RectifiedTanh(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.RectifiedTanh
 
RectifiedTanh(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.RectifiedTanh
 
RectifiedTanh(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.RectifiedTanh
 
RectifiedTanh(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.RectifiedTanh
 
RectifiedTanh(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.RectifiedTanh
 
RectifiedTanhDerivative - Class in org.nd4j.linalg.api.ops.impl.transforms
Rectified Tanh Derivative
RectifiedTanhDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.RectifiedTanhDerivative
 
RectifiedTanhDerivative(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.RectifiedTanhDerivative
 
RectifiedTanhDerivative(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.RectifiedTanhDerivative
 
RectifiedTanhDerivative(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.RectifiedTanhDerivative
 
RectifiedTanhDerivative(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.RectifiedTanhDerivative
 
reducedBasis(double) - Method in class org.nd4j.linalg.dimensionalityreduction.PCA
Return a reduced basis set that covers a certain fraction of the variance of the data
ReduceMetaOp - Class in org.nd4j.linalg.api.ops.impl.meta
This is special case PredicateOp, with opB being only either Accumulation, Variance or Reduce3 op
ReduceMetaOp() - Constructor for class org.nd4j.linalg.api.ops.impl.meta.ReduceMetaOp
 
ReduceMetaOp(ScalarOp, Accumulation, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.meta.ReduceMetaOp
 
ReduceMetaOp(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.meta.ReduceMetaOp
 
ReduceMetaOp(ScalarOp, Accumulation) - Constructor for class org.nd4j.linalg.api.ops.impl.meta.ReduceMetaOp
 
ReduceMetaOp(OpDescriptor, OpDescriptor) - Constructor for class org.nd4j.linalg.api.ops.impl.meta.ReduceMetaOp
 
reductionIndexForLinear(int, int, int, int, int) - Static method in class org.nd4j.linalg.api.ops.TadCollapseAccumulation
Maps a linear index to a reduction index
reductionIndexForTad(int, int, int) - Static method in class org.nd4j.linalg.api.ops.TadCollapseAccumulation
Map a tad to a reduction index.
referenceQueue - Static variable in class org.nd4j.linalg.factory.Nd4j
 
references - Variable in class org.nd4j.linalg.api.instrumentation.DataBufferLogEntry
 
refQueue() - Static method in class org.nd4j.linalg.factory.Nd4j
The reference queue used for cleaning up ndarrays
release(Pointer, MemoryKind) - Method in interface org.nd4j.linalg.memory.MemoryManager
This method releases previously allocated memory chunk
relocateConstantSpace(DataBuffer) - Method in class org.nd4j.linalg.cache.BasicConstantHandler
 
relocateConstantSpace(DataBuffer) - Method in interface org.nd4j.linalg.cache.ConstantHandler
PLEASE NOTE: This method implementation is hardware-dependant.
relu(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
relu(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
remainder(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
remainder(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
remainder(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
remainder(Number, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
remainder(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Remainder operator
remainder(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Remainder operator
remainder(Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
The scalar denominator
remainder(Number, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
remainderi(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
remainderi(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
remainderi(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
In place remainder
remainderi(Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
In place remainder
RemainderOp - Class in org.nd4j.linalg.api.ops.impl.transforms.arithmetic
Floating-point remainder operation
RemainderOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RemainderOp
 
RemainderOp(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RemainderOp
 
RemainderOp(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RemainderOp
 
RemainderOp(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RemainderOp
 
RemainderOp(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RemainderOp
 
RemainderOp(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RemainderOp
 
remove() - Method in class org.nd4j.linalg.api.iter.FirstAxisIterator
 
remove() - Method in class org.nd4j.linalg.api.iter.FlatIterator
 
remove() - Method in class org.nd4j.linalg.api.iter.INDArrayIterator
 
remove() - Method in class org.nd4j.linalg.api.iter.NdIndexIterator
 
remove() - Method in class org.nd4j.linalg.dataset.api.iterator.BaseDatasetIterator
 
remove() - Method in class org.nd4j.linalg.dataset.api.iterator.CachingDataSetIterator
 
remove() - Method in class org.nd4j.linalg.dataset.api.iterator.KFoldIterator
 
remove() - Method in class org.nd4j.linalg.dataset.api.iterator.MultipleEpochsIterator
Deprecated.
Removes from the underlying collection the last element returned by this iterator (optional operation).
remove() - Method in class org.nd4j.linalg.dataset.api.iterator.SamplingDataSetIterator
 
remove() - Method in class org.nd4j.linalg.dataset.api.iterator.TestDataSetIterator
 
remove() - Method in class org.nd4j.linalg.dataset.api.iterator.TestMultiDataSetIterator
 
remove() - Method in class org.nd4j.linalg.dataset.ExistingMiniBatchDataSetIterator
 
remove() - Method in class org.nd4j.linalg.dataset.MiniBatchFileDataSetIterator
 
remove() - Method in class org.nd4j.linalg.dataset.ViewIterator
 
renderTree(boolean) - Method in class org.nd4j.linalg.profiler.data.primitives.StackTree
 
renderTree() - Method in class org.nd4j.linalg.profiler.data.StackAggregator
 
renderTree(boolean) - Method in class org.nd4j.linalg.profiler.data.StackAggregator
 
repeat(int, int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
repeat(int, int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Repeat elements along a specified dimension.
repeat(IComplexNDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
Create an n x (shape) ndarray where the ndarray is repeated num times
repeat(INDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
Create an n x (shape) ndarray where the ndarray is repeated num times
ReplaceNans - Class in org.nd4j.linalg.api.ops.impl.transforms
Element-wise "Replace NaN" implementation as Op
ReplaceNans() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ReplaceNans
 
ReplaceNans(INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ReplaceNans
 
ReplaceNans(INDArray, INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ReplaceNans
 
ReplaceNans(INDArray, INDArray, double, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ReplaceNans
 
replaceWhere(INDArray, Condition) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Replaces all elements in this ndarray that are matching give condition, with corresponding elements from given array
replaceWhere(INDArray, Condition) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Replaces all elements in this ndarray that are matching give condition, with corresponding elements from given array
replaceWhere(INDArray, INDArray, Condition) - Static method in class org.nd4j.linalg.indexing.BooleanIndexing
This method does element-wise assing for 2 equal-sized matrices, for each element that matches Condition
replaceWhere(INDArray, Number, Condition) - Static method in class org.nd4j.linalg.indexing.BooleanIndexing
This method does element-wise assing for 2 equal-sized matrices, for each element that matches Condition
replicateToDevice(Integer, INDArray) - Method in interface org.nd4j.linalg.api.concurrency.AffinityManager
This method replicates given INDArray, and places it to target device.
replicateToDevice(Integer, DataBuffer) - Method in interface org.nd4j.linalg.api.concurrency.AffinityManager
This method replicates given DataBuffer, and places it to target device.
replicateToDevice(Integer, INDArray) - Method in class org.nd4j.linalg.api.concurrency.BasicAffinityManager
This method replicates given INDArray, and places it to target device.
replicateToDevice(Integer, DataBuffer) - Method in class org.nd4j.linalg.api.concurrency.BasicAffinityManager
This method replicates given DataBuffer, and places it to target device.
repmat(int[]) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Replicate and tile array to fill out to the given shape
repmat(int...) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Replicate and tile array to fill out to the given shape
repmat(int[]) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Replicate and tile array to fill out to the given shape See: https://github.com/numpy/numpy/blob/master/numpy/matlib.py#L310-L358
repmat(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Replicate and tile array to fill out to the given shape
reportEvent(Event, Environment, Task) - Method in class org.nd4j.linalg.heartbeat.Heartbeat
 
reSeed() - Method in class org.nd4j.linalg.api.rng.DefaultRandom
Identical to setSeed(System.currentTimeMillis());
reSeed(long) - Method in class org.nd4j.linalg.api.rng.DefaultRandom
Identical to setSeed(seed);
reSeed() - Method in interface org.nd4j.linalg.api.rng.Random
This method is similar to setSeed() but it doesn't really touches underlying buffer, if any.
reSeed(long) - Method in interface org.nd4j.linalg.api.rng.Random
This method is similar to setSeed() but it doesn't really touches underlying buffer, if any.
reseedRandomGenerator(long) - Method in class org.nd4j.linalg.api.rng.distribution.BaseDistribution
Reseed the random generator used to generate samples.
reseedRandomGenerator(long) - Method in interface org.nd4j.linalg.api.rng.distribution.Distribution
Reseed the random generator used to generate samples.
reset() - Method in class org.nd4j.linalg.dataset.api.iterator.BaseDatasetIterator
 
reset() - Method in class org.nd4j.linalg.dataset.api.iterator.CachingDataSetIterator
 
reset() - Method in interface org.nd4j.linalg.dataset.api.iterator.DataSetIterator
Resets the iterator back to the beginning
reset() - Method in class org.nd4j.linalg.dataset.api.iterator.fetcher.BaseDataFetcher
 
reset() - Method in interface org.nd4j.linalg.dataset.api.iterator.fetcher.DataSetFetcher
Returns the fetcher back to the beginning of the dataset
reset() - Method in class org.nd4j.linalg.dataset.api.iterator.KFoldIterator
Shuffles the dataset and resets to the first fold
reset() - Method in interface org.nd4j.linalg.dataset.api.iterator.MultiDataSetIterator
Resets the iterator back to the beginning
reset() - Method in class org.nd4j.linalg.dataset.api.iterator.MultipleEpochsIterator
Deprecated.
Resets the iterator back to the beginning
reset() - Method in class org.nd4j.linalg.dataset.api.iterator.SamplingDataSetIterator
 
reset() - Method in class org.nd4j.linalg.dataset.api.iterator.TestDataSetIterator
 
reset() - Method in class org.nd4j.linalg.dataset.api.iterator.TestMultiDataSetIterator
 
reset() - Method in class org.nd4j.linalg.dataset.ExistingMiniBatchDataSetIterator
 
reset() - Method in class org.nd4j.linalg.dataset.MiniBatchFileDataSetIterator
 
reset() - Method in class org.nd4j.linalg.dataset.ViewIterator
 
reset() - Method in interface org.nd4j.linalg.indexing.INDArrayIndex
 
reset() - Method in class org.nd4j.linalg.indexing.IntervalIndex
 
reset() - Method in class org.nd4j.linalg.indexing.NDArrayIndex
 
reset() - Method in class org.nd4j.linalg.indexing.NDArrayIndexEmpty
 
reset() - Method in class org.nd4j.linalg.indexing.NewAxis
 
reset() - Method in class org.nd4j.linalg.indexing.PointIndex
 
reset() - Method in class org.nd4j.linalg.indexing.SpecifiedIndex
 
reset() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
This method reset host/device offsets within workspace PLEASE NOTE: Never call this method unless you realize all consequences
reset() - Method in class org.nd4j.linalg.profiler.data.primitives.StackTree
 
reset() - Method in class org.nd4j.linalg.profiler.data.StackAggregator
 
reset() - Method in class org.nd4j.linalg.profiler.data.StringAggregator
 
reset() - Method in class org.nd4j.linalg.profiler.data.StringCounter
 
reset() - Method in class org.nd4j.linalg.profiler.OpProfiler
This method resets all counters
resetLinearView() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
resetLinearView() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
resetLinearView() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Resets the linear view
resetPlanned - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
resetSupported() - Method in class org.nd4j.linalg.dataset.api.iterator.BaseDatasetIterator
 
resetSupported() - Method in class org.nd4j.linalg.dataset.api.iterator.CachingDataSetIterator
 
resetSupported() - Method in interface org.nd4j.linalg.dataset.api.iterator.DataSetIterator
Is resetting supported by this DataSetIterator? Many DataSetIterators do support resetting, but some don't
resetSupported() - Method in class org.nd4j.linalg.dataset.api.iterator.KFoldIterator
 
resetSupported() - Method in interface org.nd4j.linalg.dataset.api.iterator.MultiDataSetIterator
Is resetting supported by this DataSetIterator? Many DataSetIterators do support resetting, but some don't
resetSupported() - Method in class org.nd4j.linalg.dataset.api.iterator.MultipleEpochsIterator
Deprecated.
 
resetSupported() - Method in class org.nd4j.linalg.dataset.api.iterator.SamplingDataSetIterator
 
resetSupported() - Method in class org.nd4j.linalg.dataset.api.iterator.TestDataSetIterator
 
resetSupported() - Method in class org.nd4j.linalg.dataset.api.iterator.TestMultiDataSetIterator
 
resetSupported() - Method in class org.nd4j.linalg.dataset.ExistingMiniBatchDataSetIterator
 
resetSupported() - Method in class org.nd4j.linalg.dataset.MiniBatchFileDataSetIterator
 
resetSupported() - Method in class org.nd4j.linalg.dataset.ViewIterator
 
resetWorkspace() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
reshape(int...) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Reshape the ndarray in to the specified dimensions, possible errors being thrown for invalid shapes
reshape(char, int...) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
reshape(char, int, int) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
reshape(int, int) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Reshape the matrix.
reshape(int, int) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Reshapes the ndarray (can't change the length of the ndarray)
reshape(char, int...) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
reshape(char, int, int) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
reshape(int...) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Reshapes the ndarray (can't change the length of the ndarray)
reshape(char, int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
reshape(char, int, int) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
reshape(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Reshape the ndarray in to the specified dimensions, possible errors being thrown for invalid shapes Note here that one dimension can be -1.
reshape(int, int) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Reshape the matrix.
reshape(char, int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Reshapes the ndarray (can't change the length of the ndarray).
reshape(char, int, int) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Reshapes the ndarray (can't change the length of the ndarray).
reshape(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Reshapes the ndarray (can't change the length of the ndarray).
reshape(int, int) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Reshapes the ndarray (can't change the length of the ndarray).
Reshape - Class in org.nd4j.linalg.api.ops.impl.shape
Transpose function
Reshape() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Reshape
 
Reshape(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Reshape
 
Reshape(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Reshape
 
Reshape(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Reshape
 
Reshape(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Reshape
 
reshape(int, int) - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
reshape(int, int) - Method in class org.nd4j.linalg.dataset.DataSet
Reshapes the input in to the given rows and columns
resolve(INDArray, INDArrayIndex...) - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
Given an all index and the intended indexes, return an index array containing a combination of all elements for slicing and overriding particular indexes where necessary
resolve(DataBuffer, INDArrayIndex...) - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
Given an all index and the intended indexes, return an index array containing a combination of all elements for slicing and overriding particular indexes where necessary
resolve(int[], INDArrayIndex...) - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
Given an all index and the intended indexes, return an index array containing a combination of all elements for slicing and overriding particular indexes where necessary
resolve(INDArrayIndex[], INDArrayIndex...) - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
Given an all index and the intended indexes, return an index array containing a combination of all elements for slicing and overriding particular indexes where necessary
resolveNegativeShapeIfNeccessary(int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
RESOURCE_MANGER_ON - Static variable in class org.nd4j.linalg.factory.Nd4j
 
resourceManagerOn - Static variable in class org.nd4j.linalg.factory.Nd4j
 
restore(InputStream) - Method in class org.nd4j.linalg.dataset.api.preprocessor.serializer.MinMaxSerializerStrategy
 
restore(InputStream) - Method in class org.nd4j.linalg.dataset.api.preprocessor.serializer.MultiHybridSerializerStrategy
Restore a MultiNormalizerHybrid that was previously serialized by this strategy
restore(InputStream) - Method in class org.nd4j.linalg.dataset.api.preprocessor.serializer.MultiMinMaxSerializerStrategy
Restore a MultiNormalizerMinMaxScaler that was previously serialized by this strategy
restore(InputStream) - Method in class org.nd4j.linalg.dataset.api.preprocessor.serializer.MultiStandardizeSerializerStrategy
Restore a MultiNormalizerStandardize that was previously serialized by this strategy
restore(String) - Method in class org.nd4j.linalg.dataset.api.preprocessor.serializer.NormalizerSerializer
Restore a normalizer from the given path
restore(File) - Method in class org.nd4j.linalg.dataset.api.preprocessor.serializer.NormalizerSerializer
Restore a normalizer from the given file
restore(InputStream) - Method in class org.nd4j.linalg.dataset.api.preprocessor.serializer.NormalizerSerializer
Restore a normalizer from an input stream
restore(InputStream) - Method in interface org.nd4j.linalg.dataset.api.preprocessor.serializer.NormalizerSerializerStrategy
Restore a normalizer that was previously serialized by this strategy
restore(InputStream) - Method in class org.nd4j.linalg.dataset.api.preprocessor.serializer.StandardizeSerializerStrategy
 
Reverse - Class in org.nd4j.linalg.api.ops.impl.transforms
Soft max function row_maxes is a row vector (max for each row) row_maxes = rowmaxes(input) diff = exp(input - max) / diff.rowSums() Outputs a probability distribution.
Reverse() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Reverse
 
Reverse(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Reverse
 
Reverse(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Reverse
 
Reverse(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Reverse
 
Reverse(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Reverse
 
Reverse(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Reverse
 
reverse(INDArray) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Reverses the passed in matrix such that m[0] becomes m[m.length - 1] etc
reverse(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
Reverses the passed in matrix such that m[0] becomes m[m.length - 1] etc
reverse(INDArray) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Reverses the passed in matrix such that m[0] becomes m[m.length - 1] etc
reverse() - Method in interface org.nd4j.linalg.indexing.INDArrayIndex
Reverse the indexes
reverse() - Method in class org.nd4j.linalg.indexing.IntervalIndex
 
reverse() - Method in class org.nd4j.linalg.indexing.NDArrayIndex
 
reverse() - Method in class org.nd4j.linalg.indexing.NDArrayIndexEmpty
 
reverse() - Method in class org.nd4j.linalg.indexing.NewAxis
 
reverse() - Method in class org.nd4j.linalg.indexing.PointIndex
 
reverse() - Method in class org.nd4j.linalg.indexing.SpecifiedIndex
 
reverse(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
revert(DataSet) - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractDataSetNormalizer
Revert the data to what it was before transform
revert(MultiDataSet) - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractMultiDataSetNormalizer
Revert the data to what it was before transform
revert(DataSet) - Method in class org.nd4j.linalg.dataset.api.preprocessor.ImagePreProcessingScaler
 
revert(INDArray, INDArray, MinMaxStats) - Method in class org.nd4j.linalg.dataset.api.preprocessor.MinMaxStrategy
Denormalize a data array
revert(MultiDataSet) - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerHybrid
Undo (revert) the normalization applied by this DataNormalization instance (arrays are modified in-place)
revert(T) - Method in interface org.nd4j.linalg.dataset.api.preprocessor.Normalizer
Undo (revert) the normalization applied by this DataNormalization instance (arrays are modified in-place)
revert(INDArray, INDArray, S) - Method in interface org.nd4j.linalg.dataset.api.preprocessor.NormalizerStrategy
Denormalize a data array
revert(INDArray, INDArray, DistributionStats) - Method in class org.nd4j.linalg.dataset.api.preprocessor.StandardizeStrategy
Denormalize a data array
revert(DataSet) - Method in class org.nd4j.linalg.dataset.api.preprocessor.VGG16ImagePreProcessor
 
revertFeatures(INDArray) - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractDataSetNormalizer
 
revertFeatures(INDArray, INDArray) - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractDataSetNormalizer
 
revertFeatures(INDArray[]) - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractMultiDataSetNormalizer
Undo (revert) the normalization applied by this normalizer to the features arrays
revertFeatures(INDArray[], INDArray[]) - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractMultiDataSetNormalizer
Undo (revert) the normalization applied by this normalizer to the features arrays
revertFeatures(INDArray, INDArray, int) - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractMultiDataSetNormalizer
Undo (revert) the normalization applied by this normalizer to a specific features array.
revertFeatures(INDArray) - Method in interface org.nd4j.linalg.dataset.api.preprocessor.DataNormalization
Undo (revert) the normalization applied by this DataNormalization instance to the specified features array
revertFeatures(INDArray, INDArray) - Method in interface org.nd4j.linalg.dataset.api.preprocessor.DataNormalization
Undo (revert) the normalization applied by this DataNormalization instance to the specified features array
revertFeatures(INDArray) - Method in class org.nd4j.linalg.dataset.api.preprocessor.ImagePreProcessingScaler
 
revertFeatures(INDArray, INDArray) - Method in class org.nd4j.linalg.dataset.api.preprocessor.ImagePreProcessingScaler
 
revertFeatures(INDArray[], INDArray[]) - Method in interface org.nd4j.linalg.dataset.api.preprocessor.MultiDataNormalization
Undo (revert) the normalization applied by this DataNormalization instance to the specified features array
revertFeatures(INDArray[]) - Method in interface org.nd4j.linalg.dataset.api.preprocessor.MultiDataNormalization
Undo (revert) the normalization applied by this DataNormalization instance to the specified features array
revertFeatures(INDArray[]) - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerHybrid
Undo (revert) the normalization applied by this DataNormalization instance to the entire inputs array
revertFeatures(INDArray[], INDArray[]) - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerHybrid
Undo (revert) the normalization applied by this DataNormalization instance to the entire inputs array
revertFeatures(INDArray[], INDArray[], int) - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerHybrid
Undo (revert) the normalization applied by this DataNormalization instance to the features of a particular input
revertFeatures(INDArray) - Method in class org.nd4j.linalg.dataset.api.preprocessor.VGG16ImagePreProcessor
 
revertFeatures(INDArray, INDArray) - Method in class org.nd4j.linalg.dataset.api.preprocessor.VGG16ImagePreProcessor
 
revertLabels(INDArray) - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractDataSetNormalizer
Undo (revert) the normalization applied by this DataNormalization instance to the specified labels array.
revertLabels(INDArray, INDArray) - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractDataSetNormalizer
 
revertLabels(INDArray[]) - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractMultiDataSetNormalizer
Undo (revert) the normalization applied by this DataNormalization instance to the specified labels array.
revertLabels(INDArray[], INDArray[]) - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractMultiDataSetNormalizer
Undo (revert) the normalization applied by this normalizer to the labels arrays.
revertLabels(INDArray, INDArray, int) - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractMultiDataSetNormalizer
Undo (revert) the normalization applied by this normalizer to a specific labels array.
revertLabels(INDArray) - Method in interface org.nd4j.linalg.dataset.api.preprocessor.DataNormalization
Undo (revert) the normalization applied by this DataNormalization instance to the specified labels array.
revertLabels(INDArray, INDArray) - Method in interface org.nd4j.linalg.dataset.api.preprocessor.DataNormalization
Undo (revert) the normalization applied by this DataNormalization instance to the specified labels array.
revertLabels(INDArray) - Method in class org.nd4j.linalg.dataset.api.preprocessor.ImagePreProcessingScaler
 
revertLabels(INDArray, INDArray) - Method in class org.nd4j.linalg.dataset.api.preprocessor.ImagePreProcessingScaler
 
revertLabels(INDArray[], INDArray[]) - Method in interface org.nd4j.linalg.dataset.api.preprocessor.MultiDataNormalization
Undo (revert) the normalization applied by this DataNormalization instance to the specified labels array.
revertLabels(INDArray[]) - Method in interface org.nd4j.linalg.dataset.api.preprocessor.MultiDataNormalization
Undo (revert) the normalization applied by this DataNormalization instance to the specified labels array.
revertLabels(INDArray[]) - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerHybrid
Undo (revert) the normalization applied by this DataNormalization instance to the entire outputs array
revertLabels(INDArray[], INDArray[]) - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerHybrid
Undo (revert) the normalization applied by this DataNormalization instance to the entire outputs array
revertLabels(INDArray[], INDArray[], int) - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerHybrid
Undo (revert) the normalization applied by this DataNormalization instance to the labels of a particular output
revertLabels(INDArray) - Method in class org.nd4j.linalg.dataset.api.preprocessor.VGG16ImagePreProcessor
 
revertLabels(INDArray, INDArray) - Method in class org.nd4j.linalg.dataset.api.preprocessor.VGG16ImagePreProcessor
 
RmsProp - Class in org.nd4j.linalg.learning.config
RMS Prop updates:
RmsProp() - Constructor for class org.nd4j.linalg.learning.config.RmsProp
 
RmsProp(double) - Constructor for class org.nd4j.linalg.learning.config.RmsProp
 
RmsProp.Builder - Class in org.nd4j.linalg.learning.config
 
RmsPropUpdater - Class in org.nd4j.linalg.learning
RMS Prop updates:
RmsPropUpdater(RmsProp) - Constructor for class org.nd4j.linalg.learning.RmsPropUpdater
 
rollAxis(INDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
Roll the specified axis backwards, until it lies in a given position.
rollAxis(INDArray, int, int) - Static method in class org.nd4j.linalg.factory.Nd4j
Roll the specified axis backwards, until it lies in a given position.
rot(int, INDArray, INDArray, double, double) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
performs rotation of points in the plane.
rot(int, IComplexNDArray, IComplexNDArray, IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
performs rotation of points in the plane.
rot(int, INDArray, INDArray, double, double) - Method in interface org.nd4j.linalg.api.blas.Level1
performs rotation of points in the plane.
rot(int, IComplexNDArray, IComplexNDArray, IComplexNumber, IComplexNumber) - Method in interface org.nd4j.linalg.api.blas.Level1
performs rotation of points in the plane.
rot(INDArray) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Reverses the passed in matrix such that m[0] becomes m[m.length - 1] etc
rot(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
Reverses the passed in matrix such that m[0] becomes m[m.length - 1] etc
rot(INDArray) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Reverses the passed in matrix such that m[0] becomes m[m.length - 1] etc
rot90(INDArray) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Rotate a matrix 90 degrees
rot90(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
Rotate a matrix 90 degrees
rot90(INDArray) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Rotate a matrix 90 degrees
rotg(INDArray, INDArray, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
computes parameters for a Givens rotation.
rotg(INDArray, INDArray, INDArray, INDArray) - Method in interface org.nd4j.linalg.api.blas.Level1
computes parameters for a Givens rotation.
rotmg(INDArray, INDArray, INDArray, double, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
computes the modified parameters for a Givens rotation.
rotmg(IComplexNDArray, IComplexNDArray, IComplexNDArray, IComplexNumber, IComplexNDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
computes the modified parameters for a Givens rotation.
rotmg(INDArray, INDArray, INDArray, double, INDArray) - Method in interface org.nd4j.linalg.api.blas.Level1
computes the modified parameters for a Givens rotation.
rotmg(IComplexNDArray, IComplexNDArray, IComplexNDArray, IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.blas.Level1
computes the modified parameters for a Givens rotation.
Round - Class in org.nd4j.linalg.api.ops.impl.transforms
Rounding function
Round() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Round
 
Round(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Round
 
Round(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Round
 
Round(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Round
 
Round(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Round
 
round(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Rounding function
round(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Rounding function
round(IComplexNumber) - Static method in class org.nd4j.linalg.util.ComplexUtil
 
roundToTheNearest(int) - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
roundToTheNearest(int) - Method in class org.nd4j.linalg.dataset.DataSet
 
rowNumber(int, INDArray) - Static method in class org.nd4j.linalg.indexing.Indices
Compute the linear offset for an index in an ndarray.
rows() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the number of rows in the array (only 2d) throws an exception when called when not 2d
rows() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the number of rows in this matrix (throws exception if not 2d)
RowVectorDeserializer - Class in org.nd4j.linalg.lossfunctions.serde
Simple JSON deserializer for use in ILossFunction loss function weight serialization.
RowVectorDeserializer() - Constructor for class org.nd4j.linalg.lossfunctions.serde.RowVectorDeserializer
 
RowVectorSerializer - Class in org.nd4j.linalg.lossfunctions.serde
Simple JSON serializer for use in ILossFunction weight serialization.
RowVectorSerializer() - Constructor for class org.nd4j.linalg.lossfunctions.serde.RowVectorSerializer
 
rsub(Number, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
rsub(Number) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
rsub(IComplexNumber, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
rsub(IComplexNumber) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
rsub(INDArray, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Reverse subtraction
rsub(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
rsub(IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
rsub(IComplexNumber, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
rsub(IComplexNumber) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
rsub(Number, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
rsub(Number) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
rsub(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Reverse subtraction
rsub(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
rsub(Number, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
rsub(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Reverse subtraction
rsub(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
rsub(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
rsub(IComplexNumber) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
rsub(IComplexNumber, IComplexNDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
rsub(Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Reverse subtraction with duplicates - i.e., (n - thisArrayValues)
rsub(Number, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Reverse subtraction
rsub(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Reverse subtraction
rsub(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Element-wise reverse subtraction (copy op).
rsub(IComplexNumber) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
rsub(IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
rsubColumnVector(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
rsubColumnVector(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
rsubColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
rsubColumnVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Reverse subtraction of a column vector (copy)
rsubi(Number, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
rsubi(Number) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
rsubi(IComplexNumber, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
rsubi(IComplexNumber) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
rsubi(IComplexNumber, IComplexNDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
rsubi(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
rsubi(INDArray, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Reverse subtraction (in-place)
rsubi(IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
rsubi(IComplexNumber, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
rsubi(IComplexNumber) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
rsubi(Number, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
rsubi(Number) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
rsubi(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
rsubi(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Reverse subtraction (in-place)
rsubi(Number, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
rsubi(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
rsubi(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Reverse subtraction (in-place)
rsubi(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
rsubi(IComplexNumber) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
rsubi(IComplexNumber, IComplexNDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
rsubi(Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Reverse subtraction in place - i.e., (n - thisArrayValues)
rsubi(Number, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Reverse in place subtraction
rsubi(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Element-wise reverse subtraction (in the place op) - i.e., other - this
rsubi(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Reverse subtraction (in-place)
rsubi(IComplexNumber) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
rsubi(IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
rsubiColumnVector(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
rsubiColumnVector(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
rsubiColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
rsubiColumnVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
In place reverse subtraction of a column vector
rsubiRowVector(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
rsubiRowVector(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
rsubiRowVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
rsubiRowVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
In place reverse subtraction of a row vector
RSubOp - Class in org.nd4j.linalg.api.ops.impl.transforms.arithmetic
Subtraction operation
RSubOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RSubOp
 
RSubOp(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RSubOp
 
RSubOp(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RSubOp
 
RSubOp(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RSubOp
 
RSubOp(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RSubOp
 
RSubOp(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.RSubOp
 
rsubRowVector(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
rsubRowVector(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
rsubRowVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
rsubRowVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Reverse subtraction of a row vector (copy)
run() - Method in class org.nd4j.linalg.memory.provider.BasicWorkspaceManager.WorkspaceDeallocatorThread
 

S

SaddlePointExpansion - Class in org.nd4j.linalg.api.rng.distribution.impl
Utility class used by various distributions to accurately compute their respective probability mass functions.
SAFETY_OFFSET - Static variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
sample() - Method in class org.nd4j.linalg.api.rng.distribution.BaseDistribution
Generate a random value sampled from this distribution.
sample(int) - Method in class org.nd4j.linalg.api.rng.distribution.BaseDistribution
Generate a random sample from the distribution.
sample(int[]) - Method in class org.nd4j.linalg.api.rng.distribution.BaseDistribution
 
sample() - Method in interface org.nd4j.linalg.api.rng.distribution.Distribution
Generate a random value sampled from this distribution.
sample(int) - Method in interface org.nd4j.linalg.api.rng.distribution.Distribution
Generate a random sample from the distribution.
sample(int[]) - Method in interface org.nd4j.linalg.api.rng.distribution.Distribution
Sample the given shape
sample(int[]) - Method in class org.nd4j.linalg.api.rng.distribution.impl.BinomialDistribution
 
sample() - Method in class org.nd4j.linalg.api.rng.distribution.impl.NormalDistribution
Generate a random value sampled from this distribution.
sample(int[]) - Method in class org.nd4j.linalg.api.rng.distribution.impl.NormalDistribution
 
sample() - Method in class org.nd4j.linalg.api.rng.distribution.impl.UniformDistribution
Generate a random value sampled from this distribution.
sample(int[]) - Method in class org.nd4j.linalg.api.rng.distribution.impl.UniformDistribution
 
sample(int) - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
sample(int, Random) - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
sample(int, boolean) - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
sample(int, Random, boolean) - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
sample(int) - Method in class org.nd4j.linalg.dataset.DataSet
Sample without replacement and a random rng
sample(int, Random) - Method in class org.nd4j.linalg.dataset.DataSet
Sample without replacement
sample(int, boolean) - Method in class org.nd4j.linalg.dataset.DataSet
Sample a dataset numSamples times
sample(int, Random, boolean) - Method in class org.nd4j.linalg.dataset.DataSet
Sample a dataset
SamplingDataSetIterator - Class in org.nd4j.linalg.dataset.api.iterator
A wrapper for a dataset to sample from.
SamplingDataSetIterator(DataSet, int, int, boolean) - Constructor for class org.nd4j.linalg.dataset.api.iterator.SamplingDataSetIterator
 
SamplingDataSetIterator(DataSet, int, int) - Constructor for class org.nd4j.linalg.dataset.api.iterator.SamplingDataSetIterator
 
sasum(int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
sasum(int, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
save(OutputStream) - Method in interface org.nd4j.linalg.dataset.api.DataSet
Write the contents of this DataSet to the specified OutputStream
save(File) - Method in interface org.nd4j.linalg.dataset.api.DataSet
Save this DataSet to a file.
save(File, File) - Method in class org.nd4j.linalg.dataset.api.iterator.StandardScaler
Deprecated.
Save the current mean and std
save(OutputStream) - Method in interface org.nd4j.linalg.dataset.api.MultiDataSet
Save this MultiDataSet to the specified stream.
save(File) - Method in interface org.nd4j.linalg.dataset.api.MultiDataSet
Save this MultiDataSet to the specified file
save(List<File>, List<File>) - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerStandardize
Deprecated.
use MultiStandardizeSerializerStrategy instead

Save the current means and standard deviations to the file system

save(File...) - Method in class org.nd4j.linalg.dataset.api.preprocessor.NormalizerMinMaxScaler
Deprecated.
save(File...) - Method in class org.nd4j.linalg.dataset.api.preprocessor.NormalizerStandardize
Deprecated.
use NormalizerSerializer instead

Save the current means and standard deviations to the file system

save(File, File) - Method in class org.nd4j.linalg.dataset.api.preprocessor.stats.DistributionStats
Save distribution statistics to the file system
save(OutputStream) - Method in class org.nd4j.linalg.dataset.DataSet
 
save(File) - Method in class org.nd4j.linalg.dataset.DataSet
 
save(OutputStream) - Method in class org.nd4j.linalg.dataset.MultiDataSet
 
save(File) - Method in class org.nd4j.linalg.dataset.MultiDataSet
 
saveBinary(INDArray, File) - Static method in class org.nd4j.linalg.factory.Nd4j
Save an ndarray to the given file
saxpy(int, float, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
saxpy(int, float, DataBuffer, int, int, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
saxpy(double, INDArray, INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
saxpy(float, INDArray, INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
saxpy(double, INDArray, INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Deprecated.
saxpy(float, INDArray, INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Deprecated.
sbmv(char, char, double, INDArray, INDArray, double, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
sbmv computes a matrix-vector product using a symmetric band matrix: y := alpha*a*x + beta*y.
sbmv(char, char, double, INDArray, INDArray, double, INDArray) - Method in interface org.nd4j.linalg.api.blas.Level2
sbmv computes a matrix-vector product using a symmetric band matrix: y := alpha*a*x + beta*y.
scal(int, double, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
computes a vector by a scalar product.
scal(int, IComplexNumber, IComplexNDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
computes a vector by a scalar product.
scal(int, double, INDArray) - Method in interface org.nd4j.linalg.api.blas.Level1
computes a vector by a scalar product.
scal(int, IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.blas.Level1
computes a vector by a scalar product.
scal(IComplexNumber, IComplexNDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
scal(double, INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
scal(float, INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
scal(IComplexFloat, IComplexNDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
scal(IComplexDouble, IComplexNDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
scal(double, INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Deprecated.
scal(float, INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Deprecated.
scal(IComplexFloat, IComplexNDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Deprecated.
scal(IComplexDouble, IComplexNDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Deprecated.
scal(IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Compute x <- alpha * x (scale a matrix)
scalar() - Method in class org.nd4j.linalg.api.ops.BaseScalarOp
 
scalar() - Method in interface org.nd4j.linalg.api.ops.ScalarOp
The normal scalar
scalar(Number, long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create a scalar ndarray with the specified offset
scalar(float, long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create a scalar nd array with the specified value and offset
scalar(double, long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create a scalar nd array with the specified value and offset
scalar(int, long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create a scalar nd array with the specified value and offset
scalar(Number) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create a scalar ndarray with the specified offset
scalar(float) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create a scalar nd array with the specified value and offset
scalar(double) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create a scalar nd array with the specified value and offset
scalar(IComplexNumber, long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create a scalar ndarray with the specified offset
scalar(IComplexFloat) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create a scalar nd array with the specified value and offset
scalar(IComplexDouble) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create a scalar nd array with the specified value and offset
scalar(IComplexNumber) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create a scalar ndarray with the specified offset
scalar(IComplexFloat, long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create a scalar nd array with the specified value and offset
scalar(IComplexDouble, long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create a scalar nd array with the specified value and offset
scalar(Number, long) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a scalar ndarray with the specified offset
scalar(double, long) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a scalar nd array with the specified value and offset
scalar(float, long) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a scalar nd array with the specified value and offset
scalar(Number) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a scalar ndarray with the specified offset
scalar(double) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a scalar nd array with the specified value and offset
scalar(float) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a scalar nd array with the specified value and offset
scalar(IComplexNumber, long) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a scalar ndarray with the specified offset
scalar(IComplexFloat) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a scalar nd array with the specified value and offset
scalar(IComplexDouble) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a scalar nd array with the specified value and offset
scalar(IComplexNumber) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a scalar ndarray with the specified offset
scalar(IComplexFloat, long) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a scalar nd array with the specified value and offset
scalar(IComplexDouble, long) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a scalar nd array with the specified value and offset
scalar(Number, long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create a scalar ndarray with the specified offset
scalar(float, long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create a scalar nd array with the specified value and offset
scalar(double, long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create a scalar nd array with the specified value and offset
scalar(int, long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
scalar(Number) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create a scalar ndarray with the specified offset
scalar(float) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create a scalar nd array with the specified value and offset
scalar(double) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create a scalar nd array with the specified value and offset
scalar(IComplexNumber, long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create a scalar ndarray with the specified offset
scalar(IComplexFloat) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create a scalar nd array with the specified value and offset
scalar(IComplexDouble) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create a scalar nd array with the specified value and offset
scalar(IComplexNumber) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create a scalar ndarray with the specified offset
scalar(IComplexFloat, long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create a scalar nd array with the specified value and offset
scalar(IComplexDouble, long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create a scalar nd array with the specified value and offset
ScalarAdd - Class in org.nd4j.linalg.api.ops.impl.scalar
Scalar addition
ScalarAdd() - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarAdd
 
ScalarAdd(INDArray, INDArray, INDArray, long, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarAdd
 
ScalarAdd(INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarAdd
 
ScalarAdd(INDArray, INDArray, INDArray, long, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarAdd
 
ScalarAdd(INDArray, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarAdd
 
ScalarAdd(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarAdd
 
ScalarDivision - Class in org.nd4j.linalg.api.ops.impl.scalar
Scalar division
ScalarDivision() - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarDivision
 
ScalarDivision(INDArray, INDArray, INDArray, long, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarDivision
 
ScalarDivision(INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarDivision
 
ScalarDivision(INDArray, INDArray, INDArray, long, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarDivision
 
ScalarDivision(INDArray, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarDivision
 
ScalarEquals - Class in org.nd4j.linalg.api.ops.impl.scalar.comparison
Return a binary (0 or 1) when greater than a number
ScalarEquals() - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEquals
 
ScalarEquals(INDArray, INDArray, INDArray, long, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEquals
 
ScalarEquals(INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEquals
 
ScalarEquals(INDArray, INDArray, INDArray, long, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEquals
 
ScalarEquals(INDArray, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEquals
 
ScalarEquals(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEquals
 
scalarEquals(int[], int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
Returns true if the given shapes are both scalars (0 dimension or shape[0] == 1)
ScalarFMod - Class in org.nd4j.linalg.api.ops.impl.scalar
Scalar floating-point remainder (fmod)
ScalarFMod() - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarFMod
 
ScalarFMod(INDArray, INDArray, INDArray, long, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarFMod
 
ScalarFMod(INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarFMod
 
ScalarFMod(INDArray, INDArray, INDArray, long, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarFMod
 
ScalarFMod(INDArray, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarFMod
 
ScalarGreaterThan - Class in org.nd4j.linalg.api.ops.impl.scalar.comparison
Return a binary (0 or 1) when greater than a number
ScalarGreaterThan() - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThan
 
ScalarGreaterThan(INDArray, INDArray, INDArray, long, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThan
 
ScalarGreaterThan(INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThan
 
ScalarGreaterThan(INDArray, INDArray, INDArray, long, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThan
 
ScalarGreaterThan(INDArray, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThan
 
ScalarGreaterThanOrEqual - Class in org.nd4j.linalg.api.ops.impl.scalar.comparison
Return a binary (0 or 1) when greater than or equal to a number
ScalarGreaterThanOrEqual() - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThanOrEqual
 
ScalarGreaterThanOrEqual(INDArray, INDArray, INDArray, long, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThanOrEqual
 
ScalarGreaterThanOrEqual(INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThanOrEqual
 
ScalarGreaterThanOrEqual(INDArray, INDArray, INDArray, long, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThanOrEqual
 
ScalarGreaterThanOrEqual(INDArray, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThanOrEqual
 
ScalarLessThan - Class in org.nd4j.linalg.api.ops.impl.scalar.comparison
Return a binary (0 or 1) when less than a number
ScalarLessThan() - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThan
 
ScalarLessThan(INDArray, INDArray, INDArray, long, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThan
 
ScalarLessThan(INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThan
 
ScalarLessThan(INDArray, INDArray, INDArray, long, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThan
 
ScalarLessThan(INDArray, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThan
 
ScalarLessThanOrEqual - Class in org.nd4j.linalg.api.ops.impl.scalar.comparison
Return a binary (0 or 1) when less than or equal to a number
ScalarLessThanOrEqual() - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThanOrEqual
 
ScalarLessThanOrEqual(INDArray, INDArray, INDArray, long, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThanOrEqual
 
ScalarLessThanOrEqual(INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThanOrEqual
 
ScalarLessThanOrEqual(INDArray, INDArray, INDArray, long, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThanOrEqual
 
ScalarLessThanOrEqual(INDArray, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThanOrEqual
 
ScalarMax - Class in org.nd4j.linalg.api.ops.impl.scalar
Scalar max operation.
ScalarMax() - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarMax
 
ScalarMax(INDArray, INDArray, INDArray, long, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarMax
 
ScalarMax(INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarMax
 
ScalarMax(INDArray, INDArray, INDArray, long, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarMax
 
ScalarMax(INDArray, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarMax
 
ScalarMin - Class in org.nd4j.linalg.api.ops.impl.scalar
Scalar max operation.
ScalarMin() - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarMin
 
ScalarMin(INDArray, INDArray, INDArray, long, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarMin
 
ScalarMin(INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarMin
 
ScalarMin(INDArray, INDArray, INDArray, long, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarMin
 
ScalarMin(INDArray, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarMin
 
ScalarMultiplication - Class in org.nd4j.linalg.api.ops.impl.scalar
Scalar multiplication
ScalarMultiplication() - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarMultiplication
 
ScalarMultiplication(INDArray, INDArray, INDArray, long, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarMultiplication
 
ScalarMultiplication(INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarMultiplication
 
ScalarMultiplication(INDArray, INDArray, INDArray, long, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarMultiplication
 
ScalarMultiplication(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarMultiplication
 
ScalarMultiplication(INDArray, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarMultiplication
 
ScalarNotEquals - Class in org.nd4j.linalg.api.ops.impl.scalar.comparison
Return a binary (0 or 1) when greater than a number
ScalarNotEquals() - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarNotEquals
 
ScalarNotEquals(INDArray, INDArray, INDArray, long, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarNotEquals
 
ScalarNotEquals(INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarNotEquals
 
ScalarNotEquals(INDArray, INDArray, INDArray, long, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarNotEquals
 
ScalarNotEquals(INDArray, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarNotEquals
 
ScalarOp - Interface in org.nd4j.linalg.api.ops
Applies a scalar along a bigger input array.
ScalarRemainder - Class in org.nd4j.linalg.api.ops.impl.scalar
Scalar floating-point remainder
ScalarRemainder() - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarRemainder
 
ScalarRemainder(INDArray, INDArray, INDArray, long, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarRemainder
 
ScalarRemainder(INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarRemainder
 
ScalarRemainder(INDArray, INDArray, INDArray, long, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarRemainder
 
ScalarRemainder(INDArray, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarRemainder
 
ScalarReverseDivision - Class in org.nd4j.linalg.api.ops.impl.scalar
Scalar reverse division
ScalarReverseDivision() - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseDivision
 
ScalarReverseDivision(INDArray, INDArray, INDArray, long, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseDivision
 
ScalarReverseDivision(INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseDivision
 
ScalarReverseDivision(INDArray, INDArray, INDArray, long, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseDivision
 
ScalarReverseDivision(INDArray, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseDivision
 
ScalarReverseSubtraction - Class in org.nd4j.linalg.api.ops.impl.scalar
Scalar reverse subtraction
ScalarReverseSubtraction() - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseSubtraction
 
ScalarReverseSubtraction(INDArray, INDArray, INDArray, long, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseSubtraction
 
ScalarReverseSubtraction(INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseSubtraction
 
ScalarReverseSubtraction(INDArray, INDArray, INDArray, long, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseSubtraction
 
ScalarReverseSubtraction(INDArray, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseSubtraction
 
ScalarSet - Class in org.nd4j.linalg.api.ops.impl.scalar
Scalar max operation.
ScalarSet() - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarSet
 
ScalarSet(INDArray, INDArray, INDArray, long, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarSet
 
ScalarSet(INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarSet
 
ScalarSet(INDArray, INDArray, INDArray, long, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarSet
 
ScalarSet(INDArray, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarSet
 
ScalarSetValue - Class in org.nd4j.linalg.api.ops.impl.scalar.comparison
Scalar value set operation.
ScalarSetValue() - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarSetValue
 
ScalarSetValue(INDArray, INDArray, INDArray, long, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarSetValue
 
ScalarSetValue(INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarSetValue
 
ScalarSetValue(INDArray, INDArray, INDArray, long, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarSetValue
 
ScalarSetValue(INDArray, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarSetValue
 
ScalarSubtraction - Class in org.nd4j.linalg.api.ops.impl.scalar
Scalar subtraction
ScalarSubtraction() - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarSubtraction
 
ScalarSubtraction(INDArray, INDArray, INDArray, long, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarSubtraction
 
ScalarSubtraction(INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarSubtraction
 
ScalarSubtraction(INDArray, INDArray, INDArray, long, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarSubtraction
 
ScalarSubtraction(INDArray, IComplexNumber) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarSubtraction
 
ScalarSubtraction(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarSubtraction
 
scale() - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
scale() - Method in class org.nd4j.linalg.dataset.DataSet
Divides the input data transform by the max number in each row
scaleByMax(INDArray) - Static method in class org.nd4j.linalg.util.FeatureUtil
Divides each row by its max
scaleMinAndMax(double, double) - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
scaleMinAndMax(double, double) - Method in class org.nd4j.linalg.dataset.DataSet
 
scaleMinMax(double, double, INDArray) - Static method in class org.nd4j.linalg.util.FeatureUtil
Scales the ndarray columns to the given min/max values
scan(Condition) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
scan(Condition) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
This method takes boolean condition, and returns number of elements matching this condition
scasum(int, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
scnrm2(int, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
scopeOutOfWorkspaces() - Method in class org.nd4j.linalg.memory.BasicMemoryManager
 
scopeOutOfWorkspaces() - Method in interface org.nd4j.linalg.memory.MemoryManager
This method temporary opens block out of any workspace scope.
scopeOutOfWorkspaces() - Method in class org.nd4j.linalg.memory.provider.BasicWorkspaceManager
This method temporary opens block out of any workspace scope.
scopy(int, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
scopy(int, DataBuffer, int, int, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
score() - Method in class org.nd4j.linalg.lossfunctions.LossCalculation
Deprecated.
Score the entire (mini)batch
score(INDArray, LossFunctions.LossFunction, INDArray, double, double, boolean) - Static method in class org.nd4j.linalg.lossfunctions.LossFunctions
Generic scoring function.
scoreArray(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossCosineProximity
 
scoreArray(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossHinge
 
scoreArray(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossL1
 
scoreArray(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossL2
 
scoreArray(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossMAPE
 
scoreArray(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossMSLE
 
scoreArray(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossPoisson
 
scoreArray(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossSquaredHinge
 
scoreExamples() - Method in class org.nd4j.linalg.lossfunctions.LossCalculation
Deprecated.
Calculate the score for each example individually.
sdot(int, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
sdot(int, DataBuffer, int, int, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
sdsdot(int, float, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
secondaryStride() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
secondaryStride() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Deprecated.
secondaryStride() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Return the second stride for an ndarray.
seed - Variable in class org.nd4j.linalg.api.rng.DefaultRandom
 
SELU - Class in org.nd4j.linalg.api.ops.impl.transforms
SELU activation function https://arxiv.org/pdf/1706.02515.pdf
SELU() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SELU
 
SELU(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SELU
 
SELU(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SELU
 
SELU(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SELU
 
SELUDerivative - Class in org.nd4j.linalg.api.ops.impl.transforms
SELU Derivative elementwise function https://arxiv.org/pdf/1706.02515.pdf
SELUDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SELUDerivative
 
SELUDerivative(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SELUDerivative
 
SELUDerivative(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SELUDerivative
 
SELUDerivative(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SELUDerivative
 
serialize(INDArray, JsonGenerator, SerializerProvider) - Method in class org.nd4j.linalg.lossfunctions.serde.RowVectorSerializer
 
serialVersionUID - Static variable in error org.nd4j.linalg.api.blas.BlasException
 
Set - Class in org.nd4j.linalg.api.ops.impl.transforms
Set
Set(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Set
 
Set() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Set
 
Set(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Set
 
Set(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Set
 
Set(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Set
 
set(Throwable) - Method in class org.nd4j.linalg.util.AtomicThrowable
This method updates state with given Throwable
set(int, T) - Method in class org.nd4j.linalg.util.DeviceLocal
This method sets object for specific device
set(T) - Method in class org.nd4j.linalg.util.DeviceLocal
This method sets object for current device
setApplyFinalTransform(boolean) - Method in interface org.nd4j.linalg.api.ops.Accumulation
Setter for final transform
setApplyFinalTransform(boolean) - Method in class org.nd4j.linalg.api.ops.BaseAccumulation
 
setAutoGcWindow(int) - Method in class org.nd4j.linalg.memory.BasicMemoryManager
 
setAutoGcWindow(int) - Method in interface org.nd4j.linalg.memory.MemoryManager
This method enables/disables periodic System.gc() calls.
setBiasCorrected(boolean) - Method in class org.nd4j.linalg.api.ops.impl.accum.Variance
 
setBlasWrapper(BlasWrapper) - Static method in class org.nd4j.linalg.factory.Nd4j
Sets the global blas wrapper
setColumnNames(List<String>) - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
setColumnNames(List<String>) - Method in class org.nd4j.linalg.dataset.DataSet
Deprecated.
setComplete(String, boolean) - Method in interface org.nd4j.linalg.dataset.api.iterator.cache.DataSetCache
Sets the flag indicating whether given namespace is fully cached
setComplete(String, boolean) - Method in class org.nd4j.linalg.dataset.api.iterator.cache.InFileAndMemoryDataSetCache
 
setComplete(String, boolean) - Method in class org.nd4j.linalg.dataset.api.iterator.cache.InFileDataSetCache
 
setComplete(String, boolean) - Method in class org.nd4j.linalg.dataset.api.iterator.cache.InMemoryDataSetCache
 
setConvolution(ConvolutionInstance) - Static method in class org.nd4j.linalg.factory.Nd4j
Set a convolution instance
setCurrentWorkspace(MemoryWorkspace) - Method in class org.nd4j.linalg.memory.BasicMemoryManager
 
setCurrentWorkspace(MemoryWorkspace) - Method in interface org.nd4j.linalg.memory.MemoryManager
 
setData(float[], INDArray) - Static method in class org.nd4j.linalg.api.blas.BlasBufferUtil
Set the data for the underlying array.
setData(double[], INDArray) - Static method in class org.nd4j.linalg.api.blas.BlasBufferUtil
Set the data for the underlying array.
setData(DataBuffer) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
setData(DataBuffer) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
setDataBufferLogEntries(List<DataBufferLogEntry>) - Method in class org.nd4j.linalg.api.instrumentation.InMemoryInstrumentation
 
setDataType(String) - Method in class org.nd4j.linalg.api.instrumentation.DataBufferLogEntry
 
setDataType(String) - Method in class org.nd4j.linalg.api.instrumentation.LogEntry
 
setDataType(DataBuffer.Type) - Static method in class org.nd4j.linalg.factory.Nd4j
This method sets dataType for the current JVM runtime
setDefaultCompression(String) - Method in class org.nd4j.linalg.compression.BasicNDArrayCompressor
Set the default compression algorithm
setDefaultWorkspaceConfiguration(WorkspaceConfiguration) - Method in class org.nd4j.linalg.memory.provider.BasicWorkspaceManager
This method allows to specify "Default" configuration, that will be used in signatures which do not have WorkspaceConfiguration argument
setDimension(int...) - Method in class org.nd4j.linalg.api.ops.BaseBroadcastOp
 
setDimension(int...) - Method in class org.nd4j.linalg.api.ops.BaseScalarOp
 
setDimension(int...) - Method in interface org.nd4j.linalg.api.ops.BroadcastOp
Set the dimension for the vector op.
setDimension(int...) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEquals
 
setDType(DataBuffer.Type) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Sets the data type
setDType(DataBuffer.Type) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Sets the data type
setElementWiseStride(IntBuffer, int) - Static method in class org.nd4j.linalg.api.shape.Shape
Get the element wise stride for the shape info buffer
setElementWiseStride(DataBuffer, int) - Static method in class org.nd4j.linalg.api.shape.Shape
Get the element wise stride for the shape info buffer
setEntries(List<LogEntry>) - Method in class org.nd4j.linalg.api.instrumentation.InMemoryInstrumentation
 
setExampleMetaData(List<? extends Serializable>) - Method in interface org.nd4j.linalg.dataset.api.DataSet
Set the metadata for this DataSet
By convention: the metadata can be any serializable object, one per example in the DataSet
setExampleMetaData(List<? extends Serializable>) - Method in interface org.nd4j.linalg.dataset.api.MultiDataSet
Set the metadata for this MultiDataSet
By convention: the metadata can be any serializable object, one per example in the MultiDataSet
setExampleMetaData(List<? extends Serializable>) - Method in class org.nd4j.linalg.dataset.DataSet
 
setExampleMetaData(List<? extends Serializable>) - Method in class org.nd4j.linalg.dataset.MultiDataSet
 
setExecutionMode(OpExecutioner.ExecutionMode) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
setExecutionMode(OpExecutioner.ExecutionMode) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
Set the execution mode
setExtraArgs(Object[]) - Method in interface org.nd4j.linalg.api.ops.Op
 
setFactory(NDArrayFactory) - Static method in class org.nd4j.linalg.factory.Nd4j
 
setFeatures(INDArray) - Method in interface org.nd4j.linalg.dataset.api.DataSet
Set the features array for the DataSet
setFeatures(INDArray[]) - Method in interface org.nd4j.linalg.dataset.api.MultiDataSet
Set all of the features arrays for the MultiDataSet
setFeatures(int, INDArray) - Method in interface org.nd4j.linalg.dataset.api.MultiDataSet
Set a single features array (by index) for the MultiDataSet
setFeatures(INDArray) - Method in class org.nd4j.linalg.dataset.DataSet
 
setFeatures(INDArray[]) - Method in class org.nd4j.linalg.dataset.MultiDataSet
 
setFeatures(int, INDArray) - Method in class org.nd4j.linalg.dataset.MultiDataSet
 
setFeaturesMaskArray(INDArray) - Method in interface org.nd4j.linalg.dataset.api.DataSet
Set the features mask array in this DataSet
setFeaturesMaskArray(int, INDArray) - Method in interface org.nd4j.linalg.dataset.api.MultiDataSet
Set a single feature mask array by index
setFeaturesMaskArray(INDArray) - Method in class org.nd4j.linalg.dataset.DataSet
 
setFeaturesMaskArray(int, INDArray) - Method in class org.nd4j.linalg.dataset.MultiDataSet
 
setFeaturesMaskArrays(INDArray[]) - Method in interface org.nd4j.linalg.dataset.api.MultiDataSet
Set the feature mask arrays
setFeaturesMaskArrays(INDArray[]) - Method in class org.nd4j.linalg.dataset.MultiDataSet
 
setFeatureStats(INDArray, INDArray) - Method in class org.nd4j.linalg.dataset.api.preprocessor.NormalizerMinMaxScaler
 
setFft(FFTInstance) - Static method in class org.nd4j.linalg.factory.Nd4j
 
setFinalResult(Number) - Method in interface org.nd4j.linalg.api.ops.Accumulation
 
setFinalResult(Number) - Method in interface org.nd4j.linalg.api.ops.aggregates.Aggregate
 
setFinalResult(Number) - Method in class org.nd4j.linalg.api.ops.aggregates.BaseAggregate
 
setFinalResult(Number) - Method in class org.nd4j.linalg.api.ops.BaseAccumulation
 
setFinalResult(int) - Method in class org.nd4j.linalg.api.ops.BaseIndexAccumulation
 
setFinalResult(int) - Method in interface org.nd4j.linalg.api.ops.IndexAccumulation
Set the final index/result of the accumulation.
setFinalResultComplex(IComplexNumber) - Method in interface org.nd4j.linalg.api.ops.Accumulation
 
setFinalResultComplex(IComplexNumber) - Method in class org.nd4j.linalg.api.ops.BaseAccumulation
 
setFirstPointers(GridPointers) - Method in class org.nd4j.linalg.api.ops.impl.meta.BaseMetaOp
 
setFirstPointers(GridPointers) - Method in interface org.nd4j.linalg.api.ops.MetaOp
 
setGradientViewArray(INDArray) - Method in class org.nd4j.linalg.activations.BaseActivationFunction
 
setGradientViewArray(INDArray) - Method in interface org.nd4j.linalg.activations.IActivation
 
setId(String) - Method in class org.nd4j.linalg.api.instrumentation.LogEntry
 
setIfFirst(Throwable) - Method in class org.nd4j.linalg.util.AtomicThrowable
This method updates state only if it wasn't set before
setIndexer(Indexer) - Method in class org.nd4j.linalg.compression.CompressedDataBuffer
 
setInterval(boolean) - Method in interface org.nd4j.linalg.indexing.INDArrayIndex
 
setInterval(boolean) - Method in class org.nd4j.linalg.indexing.IntervalIndex
 
setInterval(boolean) - Method in class org.nd4j.linalg.indexing.NDArrayIndex
 
setInterval(boolean) - Method in class org.nd4j.linalg.indexing.NDArrayIndexEmpty
 
setInterval(boolean) - Method in class org.nd4j.linalg.indexing.NewAxis
 
setInterval(boolean) - Method in class org.nd4j.linalg.indexing.PointIndex
 
setInterval(boolean) - Method in class org.nd4j.linalg.indexing.SpecifiedIndex
 
setLabelNames(List<String>) - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
setLabelNames(List<String>) - Method in class org.nd4j.linalg.dataset.DataSet
Sets the label names, will throw an exception if the passed in label names doesn't equal the number of outcomes
setLabels(INDArray) - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
setLabels(INDArray[]) - Method in interface org.nd4j.linalg.dataset.api.MultiDataSet
Set all of the labels arrays for the MultiDataSet
setLabels(int, INDArray) - Method in interface org.nd4j.linalg.dataset.api.MultiDataSet
Set a single labels array (by index) for the MultiDataSet
setLabels(INDArray) - Method in class org.nd4j.linalg.dataset.DataSet
 
setLabels(INDArray[]) - Method in class org.nd4j.linalg.dataset.MultiDataSet
 
setLabels(int, INDArray) - Method in class org.nd4j.linalg.dataset.MultiDataSet
 
setLabelsMaskArray(INDArray) - Method in interface org.nd4j.linalg.dataset.api.DataSet
Set the labels mask array in this data set
setLabelsMaskArray(INDArray[]) - Method in interface org.nd4j.linalg.dataset.api.MultiDataSet
Set the labels mask arrays
setLabelsMaskArray(int, INDArray) - Method in interface org.nd4j.linalg.dataset.api.MultiDataSet
Set a single labels mask array by index
setLabelsMaskArray(INDArray) - Method in class org.nd4j.linalg.dataset.DataSet
 
setLabelsMaskArray(INDArray[]) - Method in class org.nd4j.linalg.dataset.MultiDataSet
 
setLabelsMaskArray(int, INDArray) - Method in class org.nd4j.linalg.dataset.MultiDataSet
 
setLabelStats(INDArray, INDArray) - Method in class org.nd4j.linalg.dataset.api.preprocessor.NormalizerMinMaxScaler
 
setLabelStats(INDArray, INDArray) - Method in class org.nd4j.linalg.dataset.api.preprocessor.NormalizerStandardize
 
setLength(long) - Method in class org.nd4j.linalg.api.instrumentation.DataBufferLogEntry
 
setLength(long) - Method in class org.nd4j.linalg.api.instrumentation.LogEntry
 
setMaskedValuesToZero(INDArray, INDArray) - Static method in class org.nd4j.linalg.dataset.api.DataSetUtil
 
setMaxThreads(int) - Method in interface org.nd4j.linalg.api.blas.Blas
 
setN(long) - Method in class org.nd4j.linalg.api.ops.BaseOp
 
setN(long) - Method in interface org.nd4j.linalg.api.ops.Op
Change n
setNdArrayFactoryClazz(Class<? extends NDArrayFactory>) - Static method in class org.nd4j.linalg.factory.Nd4j
 
setNdArrayType(String) - Method in class org.nd4j.linalg.api.instrumentation.LogEntry
 
setNewNumberOfLabels(int) - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
setNewNumberOfLabels(int) - Method in class org.nd4j.linalg.dataset.DataSet
Clears the outcome matrix setting a new number of labels
setOccasionalGcFrequency(int) - Method in class org.nd4j.linalg.memory.BasicMemoryManager
 
setOccasionalGcFrequency(int) - Method in interface org.nd4j.linalg.memory.MemoryManager
Sets manual GC invocation frequency.
setOrder(char) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
setOrder(char) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Set the ordering
setOrder(IntBuffer, char) - Static method in class org.nd4j.linalg.api.shape.Shape
Deprecated.
setOrder(char) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Sets the order.
setOrder(char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Sets the order.
setOutcome(int, int) - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
setOutcome(int, int) - Method in class org.nd4j.linalg.dataset.DataSet
Sets the outcome of a particular example
setParametersViewArray(INDArray, boolean) - Method in class org.nd4j.linalg.activations.BaseActivationFunction
 
setParametersViewArray(INDArray, boolean) - Method in interface org.nd4j.linalg.activations.IActivation
 
setParams(INDArray, Collection<INDArray>...) - Static method in class org.nd4j.linalg.factory.Nd4j
Given a sequence of Iterators over a transform of matrices, fill in all of the matrices with the entries in the theta vector.
setParams(INDArray, Iterator<? extends INDArray>...) - Static method in class org.nd4j.linalg.factory.Nd4j
Given a sequence of Iterators over a transform of matrices, fill in all of the matrices with the entries in the theta vector.
setPreProcessor(DataSetPreProcessor) - Method in class org.nd4j.linalg.dataset.api.iterator.BaseDatasetIterator
Set a pre processor
setPreProcessor(DataSetPreProcessor) - Method in class org.nd4j.linalg.dataset.api.iterator.CachingDataSetIterator
 
setPreProcessor(DataSetPreProcessor) - Method in interface org.nd4j.linalg.dataset.api.iterator.DataSetIterator
Set a pre processor
setPreProcessor(DataSetPreProcessor) - Method in class org.nd4j.linalg.dataset.api.iterator.KFoldIterator
 
setPreProcessor(MultiDataSetPreProcessor) - Method in interface org.nd4j.linalg.dataset.api.iterator.MultiDataSetIterator
Set the preprocessor to be applied to each MultiDataSet, before each MultiDataSet is returned.
setPreProcessor(DataSetPreProcessor) - Method in class org.nd4j.linalg.dataset.api.iterator.MultipleEpochsIterator
Deprecated.
Set a pre processor
setPreProcessor(DataSetPreProcessor) - Method in class org.nd4j.linalg.dataset.api.iterator.SamplingDataSetIterator
Set a pre processor
setPreProcessor(DataSetPreProcessor) - Method in class org.nd4j.linalg.dataset.api.iterator.TestDataSetIterator
 
setPreProcessor(MultiDataSetPreProcessor) - Method in class org.nd4j.linalg.dataset.api.iterator.TestMultiDataSetIterator
 
setPreProcessor(DataSetPreProcessor) - Method in class org.nd4j.linalg.dataset.ExistingMiniBatchDataSetIterator
 
setPreProcessor(DataSetPreProcessor) - Method in class org.nd4j.linalg.dataset.MiniBatchFileDataSetIterator
 
setPreProcessor(DataSetPreProcessor) - Method in class org.nd4j.linalg.dataset.ViewIterator
 
setProfilingMode(OpExecutioner.ProfilingMode) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
setProfilingMode(OpExecutioner.ProfilingMode) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
This method specifies desired profiling mode
SetRange - Class in org.nd4j.linalg.api.ops.impl.transforms
Set range to a particular set of values
SetRange() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SetRange
 
SetRange(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SetRange
 
SetRange(INDArray, INDArray, double, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SetRange
 
SetRange(INDArray, INDArray, long, double, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SetRange
 
SetRange(INDArray, INDArray, INDArray, long, double, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SetRange
 
SetRange(INDArray, double, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SetRange
 
setReferences(Collection<String>) - Method in class org.nd4j.linalg.api.instrumentation.DataBufferLogEntry
 
setReferences(Collection<String>) - Method in class org.nd4j.linalg.api.instrumentation.LogEntry
 
setRootDir(File) - Method in class org.nd4j.linalg.dataset.MiniBatchFileDataSetIterator
 
setSecondPointers(GridPointers) - Method in class org.nd4j.linalg.api.ops.impl.meta.BaseMetaOp
 
setSecondPointers(GridPointers) - Method in interface org.nd4j.linalg.api.ops.MetaOp
 
setSeed(int) - Method in class org.nd4j.linalg.api.rng.DefaultRandom
 
setSeed(int[]) - Method in class org.nd4j.linalg.api.rng.DefaultRandom
 
setSeed(long) - Method in class org.nd4j.linalg.api.rng.DefaultRandom
 
setSeed(int) - Method in interface org.nd4j.linalg.api.rng.Random
Sets the seed of the underlying random number generator using an int seed.
setSeed(int[]) - Method in interface org.nd4j.linalg.api.rng.Random
Sets the seed of the underlying random number generator using an int seed.
setSeed(long) - Method in interface org.nd4j.linalg.api.rng.Random
Sets the seed of the underlying random number generator using a long seed.
setShape(int[]) - Method in class org.nd4j.linalg.api.instrumentation.LogEntry
 
setShape(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
setShape(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Shape setter
setStackTraceElements(StackTraceElement[]) - Method in class org.nd4j.linalg.api.instrumentation.DataBufferLogEntry
 
setStackTraceElements(StackTraceElement[]) - Method in class org.nd4j.linalg.api.instrumentation.LogEntry
 
setStateViewArray(INDArray, int[], char, boolean) - Method in class org.nd4j.linalg.learning.AdaDeltaUpdater
 
setStateViewArray(INDArray, int[], char, boolean) - Method in class org.nd4j.linalg.learning.AdaGradUpdater
 
setStateViewArray(INDArray, int[], char, boolean) - Method in class org.nd4j.linalg.learning.AdaMaxUpdater
 
setStateViewArray(INDArray, int[], char, boolean) - Method in class org.nd4j.linalg.learning.AdamUpdater
 
setStateViewArray(INDArray, int[], char, boolean) - Method in interface org.nd4j.linalg.learning.GradientUpdater
For the internal updater state (if any): set this to use the provided array.
setStateViewArray(INDArray, int[], char, boolean) - Method in class org.nd4j.linalg.learning.legacy.AdaGrad
 
setStateViewArray(INDArray, int[], char, boolean) - Method in class org.nd4j.linalg.learning.NadamUpdater
 
setStateViewArray(INDArray, int[], char, boolean) - Method in class org.nd4j.linalg.learning.NesterovsUpdater
 
setStateViewArray(INDArray, int[], char, boolean) - Method in class org.nd4j.linalg.learning.NoOpUpdater
 
setStateViewArray(INDArray, int[], char, boolean) - Method in class org.nd4j.linalg.learning.RmsPropUpdater
 
setStateViewArray(INDArray, int[], char, boolean) - Method in class org.nd4j.linalg.learning.SgdUpdater
 
setStatus(String) - Method in class org.nd4j.linalg.api.instrumentation.DataBufferLogEntry
 
setStride(int[]) - Method in class org.nd4j.linalg.api.instrumentation.LogEntry
 
setStride(int[]) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
setStride(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
stride setter
setTest(DataSet) - Method in class org.nd4j.linalg.dataset.SplitTestAndTrain
 
setTimestamp(long) - Method in class org.nd4j.linalg.api.instrumentation.DataBufferLogEntry
 
setTrain(DataSet) - Method in class org.nd4j.linalg.dataset.SplitTestAndTrain
 
setWorkspaceForCurrentThread(MemoryWorkspace) - Method in class org.nd4j.linalg.memory.provider.BasicWorkspaceManager
 
setWorkspaceForCurrentThread(MemoryWorkspace, String) - Method in class org.nd4j.linalg.memory.provider.BasicWorkspaceManager
 
setWrapAround(boolean) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Deprecated.
setWrapAround(boolean) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Set the ndarray to wrap around
setX(INDArray) - Method in class org.nd4j.linalg.api.ops.BaseOp
 
setX(INDArray) - Method in class org.nd4j.linalg.api.ops.impl.transforms.VectorFFT
 
setX(INDArray) - Method in class org.nd4j.linalg.api.ops.impl.transforms.VectorIFFT
 
setX(INDArray) - Method in interface org.nd4j.linalg.api.ops.Op
set x (the input ndarray)
setY(INDArray) - Method in class org.nd4j.linalg.api.ops.BaseOp
 
setY(INDArray) - Method in class org.nd4j.linalg.api.ops.impl.transforms.VectorFFT
 
setY(INDArray) - Method in interface org.nd4j.linalg.api.ops.Op
set y(the pairwise ndarray)
setZ(INDArray) - Method in class org.nd4j.linalg.api.ops.BaseOp
 
setZ(INDArray) - Method in class org.nd4j.linalg.api.ops.impl.transforms.VectorFFT
 
setZ(INDArray) - Method in class org.nd4j.linalg.api.ops.impl.transforms.VectorIFFT
 
setZ(INDArray) - Method in interface org.nd4j.linalg.api.ops.Op
set z (the solution ndarray)
sgbmv(char, char, int, int, int, int, float, INDArray, int, INDArray, int, float, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
Sgd - Class in org.nd4j.linalg.learning.config
SGD updater applies a learning rate only
Sgd() - Constructor for class org.nd4j.linalg.learning.config.Sgd
 
Sgd.Builder - Class in org.nd4j.linalg.learning.config
 
SgdUpdater - Class in org.nd4j.linalg.learning
SGD updater applies a learning rate only
SgdUpdater(Sgd) - Constructor for class org.nd4j.linalg.learning.SgdUpdater
 
sgemm(char, char, char, int, int, int, float, INDArray, int, INDArray, int, float, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
 
sgemv(char, char, int, int, float, INDArray, int, INDArray, int, float, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
sgeqrf(int, int, INDArray, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLapack
Float/Double versions of QR decomp.
sger(char, int, int, float, INDArray, int, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
sgesvd(byte, byte, int, int, INDArray, INDArray, INDArray, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLapack
 
sgetrf(int, int, INDArray, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLapack
Float/Double versions of LU decomp.
shannonEntropy(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns non-normalized Shannon entropy along dimension
shannonEntropy(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns entropy value for this INDArray along specified dimension(s)
ShannonEntropy - Class in org.nd4j.linalg.api.ops.impl.accum
Non-normalized Shannon Entropy Op - returns the entropy (information gain, or uncertainty of a random variable).
ShannonEntropy() - Constructor for class org.nd4j.linalg.api.ops.impl.accum.ShannonEntropy
 
ShannonEntropy(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.ShannonEntropy
 
ShannonEntropy(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.ShannonEntropy
 
ShannonEntropy(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.ShannonEntropy
 
ShannonEntropy(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.ShannonEntropy
 
ShannonEntropy(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.ShannonEntropy
 
shannonEntropyNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns non-normalized Shannon entropy value for this INDArray
shannonEntropyNumber() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns non-normalized Shannon entropy value for this INDArray
shape() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the shape(dimensions) of this array
shape() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the shape of this ndarray
Shape - Class in org.nd4j.linalg.api.shape
Encapsulates all shape related logic (vector of 0 dimension is a scalar is equivalent to a vector of length 1...)
shape(IntBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
Get array shape from the buffer, as an int[]
shape(DataBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
Get array shape from the buffer, as an int[]
shape(int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
Get array shape from an int[]
shape(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
Returns the shape of the ndarray
shape(INDArrayIndex...) - Static method in class org.nd4j.linalg.indexing.Indices
Calculate the shape for the given set of indices.
shape(int[], INDArrayIndex...) - Static method in class org.nd4j.linalg.indexing.Indices
Calculate the shape for the given set of indices and offsets.
shape(long[], INDArrayIndex...) - Static method in class org.nd4j.linalg.indexing.Indices
 
shape - Variable in class org.nd4j.linalg.learning.AdaGradUpdater
 
shape - Variable in class org.nd4j.linalg.learning.legacy.AdaGrad
 
ShapeDescriptor - Class in org.nd4j.linalg.api.shape
 
ShapeDescriptor(int[], int[], long, int, char) - Constructor for class org.nd4j.linalg.api.shape.ShapeDescriptor
 
shapeEquals(int[], int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
Returns whether 2 shapes are equals by checking for dimension semantics as well as array equality
shapeInfo() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
shapeInfo() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Shape info
SHAPEINFO_PROVIDER - Static variable in class org.nd4j.linalg.factory.Nd4j
 
shapeInfoDataBuffer() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
shapeInfoDataBuffer() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Shape info
shapeInfoLength(int) - Static method in class org.nd4j.linalg.api.shape.Shape
Return the shape info length given the rank
ShapeInfoProvider - Interface in org.nd4j.linalg.api.ndarray
 
shapeInfoProvider - Static variable in class org.nd4j.linalg.factory.Nd4j
 
shapeInfoProviderClazz - Static variable in class org.nd4j.linalg.factory.Nd4j
 
shapeInformation - Variable in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
shapeInfoToString() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the shape information debugging information
shapeInfoToString() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the shape information debugging information
shapeOf() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
shapeOf(DataBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
Get the shape from the given int buffer
shapeOf(IntBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
Get the shape from the given int buffer
ShapeOffsetResolution - Class in org.nd4j.linalg.indexing
Sets up the strides, shape , and offsets for an indexing operation
ShapeOffsetResolution(INDArray) - Constructor for class org.nd4j.linalg.indexing.ShapeOffsetResolution
Specify the array to use for resolution
ShapeOp - Class in org.nd4j.linalg.api.ops
 
ShapeOp() - Constructor for class org.nd4j.linalg.api.ops.ShapeOp
 
ShapeOp(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.ShapeOp
Specify an alternative output array
ShapeOp(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.ShapeOp
 
ShapeOp(INDArray) - Constructor for class org.nd4j.linalg.api.ops.ShapeOp
An op for one ndarray
ShapeOp(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.ShapeOp
Specify an alternative result array
shapes - Variable in class org.nd4j.linalg.api.ops.aggregates.BaseAggregate
 
shapeToString(INDArray) - Static method in class org.nd4j.linalg.api.shape.Shape
Prints the shape for this shape information
shapeToString(IntBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
Prints the shape for this shape information
shouldInstrument - Static variable in class org.nd4j.linalg.factory.Nd4j
 
shuffle() - Method in interface org.nd4j.linalg.dataset.api.DataSet
Shuffle the order of the rows in the DataSet.
shuffle() - Method in class org.nd4j.linalg.dataset.DataSet
 
shuffle(long) - Method in class org.nd4j.linalg.dataset.DataSet
Shuffles the dataset in place, given a seed for a random number generator.
shuffle(INDArray, Random, int...) - Static method in class org.nd4j.linalg.factory.Nd4j
In place shuffle of an ndarray along a specified set of dimensions
shuffle(INDArray, int...) - Static method in class org.nd4j.linalg.factory.Nd4j
In place shuffle of an ndarray along a specified set of dimensions
shuffle(Collection<INDArray>, int...) - Static method in class org.nd4j.linalg.factory.Nd4j
Symmetric in place shuffle of an ndarray along a specified set of dimensions
shuffle(Collection<INDArray>, Random, int...) - Static method in class org.nd4j.linalg.factory.Nd4j
Symmetric in place shuffle of an ndarray along a specified set of dimensions
shuffle(List<INDArray>, Random, List<int[]>) - Static method in class org.nd4j.linalg.factory.Nd4j
Symmetric in place shuffle of an ndarray along a variable dimensions
shuffle(INDArray, Random, int...) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
In place shuffle of an ndarray along a specified set of dimensions
shuffle(Collection<INDArray>, Random, int...) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Symmetric in place shuffle of an ndarray along a specified set of dimensions.
shuffle(List<INDArray>, Random, List<int[]>) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Symmetric in place shuffle of an ndarray along a specified set of dimensions.
Sigmoid - Class in org.nd4j.linalg.api.ops.impl.transforms
Sigmoid function
Sigmoid() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Sigmoid
 
Sigmoid(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Sigmoid
 
Sigmoid(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Sigmoid
 
Sigmoid(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Sigmoid
 
Sigmoid(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Sigmoid
 
Sigmoid(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Sigmoid
 
sigmoid(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Sigmoid function
sigmoid(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Sigmoid function
SigmoidDerivative - Class in org.nd4j.linalg.api.ops.impl.transforms
Sigmoid derivative
SigmoidDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SigmoidDerivative
 
SigmoidDerivative(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SigmoidDerivative
 
SigmoidDerivative(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SigmoidDerivative
 
SigmoidDerivative(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SigmoidDerivative
 
SigmoidDerivative(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SigmoidDerivative
 
sigmoidDerivative(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Sigmoid function
sigmoidDerivative(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Sigmoid function
Sign - Class in org.nd4j.linalg.api.ops.impl.transforms
Signum function
Sign() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Sign
 
Sign(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Sign
 
Sign(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Sign
 
Sign(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Sign
 
Sign(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Sign
 
sign(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Signum function of this ndarray
sign(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Signum function of this ndarray
Sin - Class in org.nd4j.linalg.api.ops.impl.transforms
Log elementwise function
Sin(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Sin
 
Sin(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Sin
 
Sin(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Sin
 
Sin(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Sin
 
Sin() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Sin
 
sin(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Sin function
sin(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Sin function
sin(IComplexNumber) - Static method in class org.nd4j.linalg.util.ComplexUtil
Return the sin value of the given complex number
SingleGenerator() - Constructor for class org.nd4j.linalg.indexing.SpecifiedIndex.SingleGenerator
 
Sinh - Class in org.nd4j.linalg.api.ops.impl.transforms
Log elementwise function
Sinh(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Sinh
 
Sinh(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Sinh
 
Sinh(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Sinh
 
Sinh(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Sinh
 
Sinh() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Sinh
 
sinh(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Sinh function
sinh(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Sinh function
size(int) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the size of this array along a particular dimension
size(int) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the size along a specified dimension
size(IntBuffer, int) - Static method in class org.nd4j.linalg.api.shape.Shape
Get the size of the specified dimension.
size(DataBuffer, int) - Static method in class org.nd4j.linalg.api.shape.Shape
Get the size of the specified dimension.
size(int[], int) - Static method in class org.nd4j.linalg.api.shape.Shape
 
size() - Method in interface org.nd4j.linalg.compression.AbstractStorage
This method returns number of entries available in storage
size() - Method in class org.nd4j.linalg.profiler.data.primitives.StackDescriptor
 
size() - Method in class org.nd4j.linalg.profiler.data.primitives.TimeSet
 
sizeForAxes(int[], int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
Output an int array for a particular dimension
sizeOfDataType() - Static method in class org.nd4j.linalg.factory.Nd4j
This method returns sizeOf(currentDataType), in bytes
sizeOfDataType(DataBuffer.Type) - Static method in class org.nd4j.linalg.factory.Nd4j
This method returns size of element for specified dataType, in bytes
sizeUnsafe(DataBuffer, int) - Static method in class org.nd4j.linalg.api.shape.Shape
Get the size of the specified dimension.
sizeUnsafe(int[], int) - Static method in class org.nd4j.linalg.api.shape.Shape
 
slice(int) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Returns the specified slice of this matrix.
slice(int, int) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Returns the slice of this from the specified dimension
slice(int, int) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Returns the specified slice of this ndarray
slice(int) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Returns the specified slice of this ndarray
slice(int) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the specified slice of this matrix.
slice(int, int) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the slice of this from the specified dimension
slice(int, int) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the specified slice of this ndarray
slice(int) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the specified slice of this ndarray
sliceOffsetForTensor(int, INDArray, int[]) - Static method in class org.nd4j.linalg.util.NDArrayMath
calculates the offset for a tensor
slices() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Number of slices: aka shape[0]
slices() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the number of slices in this ndarray
sliceVectors(List<INDArray>) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Flattens the array for linear indexing
sliceVectors(List<INDArray>) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
smallerDimension - Variable in class org.nd4j.linalg.api.ops.TadCollapseAccumulation
 
snrm2(int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
SoftMax - Class in org.nd4j.linalg.api.ops.impl.transforms
Soft max function row_maxes is a row vector (max for each row) row_maxes = rowmaxes(input) diff = exp(input - max) / diff.rowSums() Outputs a probability distribution.
SoftMax() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SoftMax
 
SoftMax(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SoftMax
 
SoftMax(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SoftMax
 
SoftMax(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SoftMax
 
SoftMax(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SoftMax
 
SoftMax(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SoftMax
 
softmax(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
softmax(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
SoftMaxDerivative - Class in org.nd4j.linalg.api.ops.impl.transforms
Softmax derivative
SoftMaxDerivative(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SoftMaxDerivative
 
SoftMaxDerivative(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SoftMaxDerivative
 
SoftMaxDerivative(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SoftMaxDerivative
 
SoftMaxDerivative(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SoftMaxDerivative
 
SoftMaxDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SoftMaxDerivative
 
SoftPlus - Class in org.nd4j.linalg.api.ops.impl.transforms
 
SoftPlus(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SoftPlus
 
SoftPlus() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SoftPlus
 
SoftPlus(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SoftPlus
 
SoftPlus(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SoftPlus
 
SoftPlus(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SoftPlus
 
softPlus(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
softPlus(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
SoftSign - Class in org.nd4j.linalg.api.ops.impl.transforms
Softsign element-wise activation function.
SoftSign() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SoftSign
 
SoftSign(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SoftSign
 
SoftSign(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SoftSign
 
SoftSign(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SoftSign
 
SoftSign(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SoftSign
 
softsign(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
softsign(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
SoftSignDerivative - Class in org.nd4j.linalg.api.ops.impl.transforms
SoftSign derivative.
SoftSignDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SoftSignDerivative
 
SoftSignDerivative(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SoftSignDerivative
 
SoftSignDerivative(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SoftSignDerivative
 
SoftSignDerivative(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SoftSignDerivative
 
SoftSignDerivative(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.SoftSignDerivative
 
softsignDerivative(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
softsignDerivative(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
solverAbsoluteAccuracy - Variable in class org.nd4j.linalg.api.rng.distribution.BaseDistribution
 
sort(IComplexNDArray, int, boolean) - Static method in class org.nd4j.linalg.factory.Nd4j
Sort an ndarray along a particular dimension
sort(INDArray, boolean) - Static method in class org.nd4j.linalg.factory.Nd4j
 
sort(INDArray, int, boolean) - Static method in class org.nd4j.linalg.factory.Nd4j
Sort an ndarray along a particular dimension
sort(INDArray, boolean) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
sort(INDArray, boolean, int...) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
sortAndBatchByNumLabels() - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
sortAndBatchByNumLabels() - Method in class org.nd4j.linalg.dataset.DataSet
Sorts the dataset by label: Splits the data transform such that examples are sorted by their labels.
sortByLabel() - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
sortByLabel() - Method in class org.nd4j.linalg.dataset.DataSet
Organizes the dataset to minimize sampling error while still allowing efficient batching.
sortColumns(INDArray, int, boolean) - Static method in class org.nd4j.linalg.factory.Nd4j
Sort (shuffle) the columns of a 2d array according to the value at a specified row.
sortRows(INDArray, int, boolean) - Static method in class org.nd4j.linalg.factory.Nd4j
Sort (shuffle) the rows of a 2d array according to the value at a specified column.
sortWithIndices(IComplexNDArray, int, boolean) - Static method in class org.nd4j.linalg.factory.Nd4j
Sort an ndarray along a particular dimension
sortWithIndices(INDArray, int, boolean) - Static method in class org.nd4j.linalg.factory.Nd4j
Sort an ndarray along a particular dimension
specialConcat(int, INDArray...) - Static method in class org.nd4j.linalg.factory.Nd4j
Concatneate ndarrays along a dimension PLEASE NOTE: This method is special for GPU backend, it works on HOST side only.
specialConcat(int, INDArray...) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Concatenate ndarrays along a dimension PLEASE NOTE: This method is special for GPU backend, it works on HOST side only.
SpecifiedIndex - Class in org.nd4j.linalg.indexing
 
SpecifiedIndex(int...) - Constructor for class org.nd4j.linalg.indexing.SpecifiedIndex
 
SpecifiedIndex(long...) - Constructor for class org.nd4j.linalg.indexing.SpecifiedIndex
 
SpecifiedIndex.SingleGenerator - Class in org.nd4j.linalg.indexing
 
SpecifiedIndex.SpecifiedIndexesGenerator - Class in org.nd4j.linalg.indexing
A generator for SpecifiedIndex for Itertools.product(Generator) to iterate over an array given a set of iterators
SpecifiedIndexesGenerator(INDArrayIndex[]) - Constructor for class org.nd4j.linalg.indexing.SpecifiedIndex.SpecifiedIndexesGenerator
The indexes to generate from
spilledAllocationsSize - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
splitTestAndTrain(int, Random) - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
splitTestAndTrain(int) - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
splitTestAndTrain(double) - Method in interface org.nd4j.linalg.dataset.api.DataSet
Split the DataSet into two DataSets randomly
splitTestAndTrain(int, Random) - Method in class org.nd4j.linalg.dataset.DataSet
Splits a dataset in to test and train randomly.
splitTestAndTrain(int) - Method in class org.nd4j.linalg.dataset.DataSet
Splits a dataset in to test and train
splitTestAndTrain(double) - Method in class org.nd4j.linalg.dataset.DataSet
 
SplitTestAndTrain - Class in org.nd4j.linalg.dataset
Split test and train
SplitTestAndTrain(DataSet, DataSet) - Constructor for class org.nd4j.linalg.dataset.SplitTestAndTrain
 
spmv(char, char, double, INDArray, INDArray, double, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
spmv(char, char, double, INDArray, INDArray, double, INDArray) - Method in interface org.nd4j.linalg.api.blas.Level2
 
spotrf(byte, int, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLapack
Float/Double versions of cholesky decomp for positive definite matrices A = LL*
spr(char, char, double, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
spr performs a rank-1 update of an n-by-n packed symmetric matrix a: a := alpha*x*x' + a.
spr(char, char, double, INDArray, INDArray) - Method in interface org.nd4j.linalg.api.blas.Level2
spr performs a rank-1 update of an n-by-n packed symmetric matrix a: a := alpha*x*x' + a.
spr2(char, char, double, INDArray, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
?spr2 performs a rank-2 update of an n-by-n packed symmetric matrix a: a := alpha*x*y' + alpha*y*x' + a.
spr2(char, char, double, INDArray, INDArray, INDArray) - Method in interface org.nd4j.linalg.api.blas.Level2
?spr2 performs a rank-2 update of an n-by-n packed symmetric matrix a: a := alpha*x*y' + alpha*y*x' + a.
Sqrt - Class in org.nd4j.linalg.api.ops.impl.transforms
Sqrt function
Sqrt() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Sqrt
 
Sqrt(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Sqrt
 
Sqrt(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Sqrt
 
Sqrt(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Sqrt
 
Sqrt(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Sqrt
 
sqrt(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Sqrt function
sqrt(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Sqrt function
sqrt(IComplexNumber) - Static method in class org.nd4j.linalg.util.ComplexUtil
Return the absolute value of the given complex number
squaredDistance(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Returns the squared (Euclidean) distance.
squaredDistance(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the square of the Euclidean distance.
squaredDistance(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the square of the Euclidean distance.
squeeze(int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
Gets rid of any singleton dimensions of the given array
squishToRange(double, double) - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
squishToRange(double, double) - Method in class org.nd4j.linalg.dataset.DataSet
Squeezes input data to a max and a min
srot(int, INDArray, int, INDArray, int, float, float) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
srotg(float, float, float, float) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
srotm(int, INDArray, int, INDArray, int, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
srotmg(float, float, float, float, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
ssbmv(char, char, int, int, float, INDArray, int, INDArray, int, float, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
sscal(int, float, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
sspmv(char, char, int, float, INDArray, INDArray, int, float, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
sspr(char, char, int, float, INDArray, int, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
sspr2(char, char, int, float, INDArray, int, INDArray, int, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
sswap(int, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
ssyev(char, char, int, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLapack
Float/Double versions of eigen value/vector calc.
ssymm(char, char, char, int, int, float, INDArray, int, INDArray, int, float, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
 
ssymv(char, char, int, float, INDArray, int, INDArray, int, float, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
ssyr(char, char, int, float, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
ssyr2(char, char, int, float, INDArray, int, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
ssyr2k(char, char, char, int, int, float, INDArray, int, INDArray, int, float, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
 
ssyrk(char, char, char, int, int, float, INDArray, int, float, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
 
Stabilize - Class in org.nd4j.linalg.api.ops.impl.transforms
Stabilization function, forces values to be within a range
Stabilize() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Stabilize
 
Stabilize(INDArray, INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Stabilize
 
Stabilize(INDArray, INDArray, long, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Stabilize
 
Stabilize(INDArray, INDArray, INDArray, long, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Stabilize
 
Stabilize(INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Stabilize
 
stabilize(INDArray, double) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
stabilize(INDArray, double, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Stabilize to be within a range of k
StableNumber - Class in org.nd4j.linalg.indexing.functions
Returns a stable number based on infinity or nan
StableNumber(StableNumber.Type) - Constructor for class org.nd4j.linalg.indexing.functions.StableNumber
 
StableNumber.Type - Enum in org.nd4j.linalg.indexing.functions
 
StackAggregator - Class in org.nd4j.linalg.profiler.data
This is utility class, provides stack traces collection, used in OpProfiler, to count events occurrences based on their position in code
StackAggregator() - Constructor for class org.nd4j.linalg.profiler.data.StackAggregator
 
StackComparator - Class in org.nd4j.linalg.profiler.data.primitives
 
StackComparator() - Constructor for class org.nd4j.linalg.profiler.data.primitives.StackComparator
 
StackDescriptor - Class in org.nd4j.linalg.profiler.data.primitives
 
StackDescriptor(StackTraceElement[]) - Constructor for class org.nd4j.linalg.profiler.data.primitives.StackDescriptor
 
StackNode - Class in org.nd4j.linalg.profiler.data.primitives
 
StackNode(String) - Constructor for class org.nd4j.linalg.profiler.data.primitives.StackNode
 
stackTrace - Variable in class org.nd4j.linalg.profiler.data.primitives.StackDescriptor
 
stackTraceElements - Variable in class org.nd4j.linalg.api.instrumentation.DataBufferLogEntry
 
StackTree - Class in org.nd4j.linalg.profiler.data.primitives
 
StackTree() - Constructor for class org.nd4j.linalg.profiler.data.primitives.StackTree
 
StandardDeviation - Class in org.nd4j.linalg.api.ops.impl.accum
Standard deviation (sqrt of variance)
StandardDeviation(INDArray, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.StandardDeviation
 
StandardDeviation(INDArray, INDArray, INDArray, long, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.StandardDeviation
 
StandardDeviation() - Constructor for class org.nd4j.linalg.api.ops.impl.accum.StandardDeviation
 
StandardDeviation(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.StandardDeviation
 
StandardDeviation(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.StandardDeviation
 
StandardDeviation(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.StandardDeviation
 
standardizeAllInputs() - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerHybrid
Apply standardization to all inputs, except the ones individually configured
standardizeAllOutputs() - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerHybrid
Apply standardization to all outputs, except the ones individually configured
standardizeInput(int) - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerHybrid
Apply standardization to a specific input, overriding the global input strategy if any
standardizeOutput(int) - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerHybrid
Apply standardization to a specific output, overriding the global output strategy if any
StandardizeSerializerStrategy - Class in org.nd4j.linalg.dataset.api.preprocessor.serializer
Strategy for saving and restoring NormalizerStandardize instances in single binary files
StandardizeSerializerStrategy() - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.serializer.StandardizeSerializerStrategy
 
StandardizeStrategy - Class in org.nd4j.linalg.dataset.api.preprocessor
NormalizerStrategy implementation that will standardize and de-standardize data arrays, based on statistics of the means and standard deviations of the population
StandardizeStrategy() - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.StandardizeStrategy
 
StandardScaler - Class in org.nd4j.linalg.dataset.api.iterator
Deprecated.
Use NormalizerStandardize for equivalent functionality. NormalizerStandardize is more stable (for examples, when a column contains all the same values for every example) but otherwise provides equivalent functionality. See also NormalizerMinMaxScaler
StandardScaler() - Constructor for class org.nd4j.linalg.dataset.api.iterator.StandardScaler
Deprecated.
 
stash - Variable in class org.nd4j.linalg.memory.stash.BasicStash
 
Stash<T> - Interface in org.nd4j.linalg.memory.stash
This interface describe short-living storage, with pre-defined life time.
StashManager - Interface in org.nd4j.linalg.memory.stash
This interface describes factory/holder for manipulating Stash objects
stateSize(long) - Method in class org.nd4j.linalg.learning.config.AdaDelta
 
stateSize(long) - Method in class org.nd4j.linalg.learning.config.AdaGrad
 
stateSize(long) - Method in class org.nd4j.linalg.learning.config.Adam
 
stateSize(long) - Method in class org.nd4j.linalg.learning.config.AdaMax
 
stateSize(long) - Method in interface org.nd4j.linalg.learning.config.IUpdater
Determine the updater state size for the given number of parameters.
stateSize(long) - Method in class org.nd4j.linalg.learning.config.Nadam
 
stateSize(long) - Method in class org.nd4j.linalg.learning.config.Nesterovs
 
stateSize(long) - Method in class org.nd4j.linalg.learning.config.NoOp
 
stateSize(long) - Method in class org.nd4j.linalg.learning.config.RmsProp
 
stateSize(long) - Method in class org.nd4j.linalg.learning.config.Sgd
 
stateSizeForInputSize(int) - Method in class org.nd4j.linalg.learning.legacy.AdaGrad
 
status - Variable in class org.nd4j.linalg.api.instrumentation.DataBufferLogEntry
 
stbmv(char, char, char, char, int, int, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
stbsv(char, char, char, char, int, int, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
std(int...) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
std(int...) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
std(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Standard deviation of an ndarray along a dimension
std(boolean, int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
std(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Standard deviation of an INDArray along one or more dimensions
std(boolean, int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Standard deviation of an ndarray along a dimension
std(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
 
std(IComplexNDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
 
std(INDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
std(IComplexNDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
stdComplex() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
stdComplex() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
stdComplex() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
stdNumber() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
stdNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
stdNumber(boolean) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
stdNumber() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Calculate the standard deviation for the entire array
stdNumber(boolean) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Calculate the standard deviation for the entire array, specifying whether it is bias corrected or not
Step - Class in org.nd4j.linalg.api.ops.impl.transforms
Unit step function.
Step() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Step
 
Step(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Step
 
Step(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Step
 
Step(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Step
 
Step(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Step
 
Step(INDArray, INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Step
 
Step(INDArray, INDArray, long, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Step
 
Step(INDArray, INDArray, INDArray, long, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Step
 
Step(INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Step
 
step(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
step(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
stepsCount - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
stepsNumber - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
store(T, INDArray) - Method in interface org.nd4j.linalg.compression.AbstractStorage
Store object into storage
store(T, float[]) - Method in interface org.nd4j.linalg.compression.AbstractStorage
Store object into storage
store(T, double[]) - Method in interface org.nd4j.linalg.compression.AbstractStorage
Store object into storage
storeIfAbsent(T, INDArray) - Method in interface org.nd4j.linalg.compression.AbstractStorage
Store object into storage, if it doesn't exist
stpmv(char, char, char, char, int, INDArray, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
stpsv(char, char, char, char, int, INDArray, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
strategy - Variable in class org.nd4j.linalg.dataset.api.preprocessor.AbstractDataSetNormalizer
 
strategy - Variable in class org.nd4j.linalg.dataset.api.preprocessor.AbstractMultiDataSetNormalizer
 
stride(int) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
stride() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the stride(indices along the linear index for which each slice is accessed) of this array
stride(int) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Calculate the stride along a particular dimension
stride() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the stride of this ndarray
stride(IntBuffer, int) - Static method in class org.nd4j.linalg.api.shape.Shape
Get the stride of the specified dimension
stride(DataBuffer, int) - Static method in class org.nd4j.linalg.api.shape.Shape
Get the stride of the specified dimension
stride(int[], int) - Static method in class org.nd4j.linalg.api.shape.Shape
 
stride(IntBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
Get the stride for the given shape information buffer
stride(DataBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
Get the shape from the given int buffer
stride(int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
stride() - Method in interface org.nd4j.linalg.indexing.INDArrayIndex
The stride for the index (most of the time will be 1)
stride(INDArray, INDArrayIndex[], int...) - Static method in class org.nd4j.linalg.indexing.Indices
Return the stride to be used for indexing
stride - Variable in class org.nd4j.linalg.indexing.IntervalIndex
 
stride() - Method in class org.nd4j.linalg.indexing.IntervalIndex
 
stride() - Method in class org.nd4j.linalg.indexing.NDArrayIndex
 
stride() - Method in class org.nd4j.linalg.indexing.NDArrayIndexEmpty
 
stride() - Method in class org.nd4j.linalg.indexing.NewAxis
 
stride() - Method in class org.nd4j.linalg.indexing.PointIndex
 
stride() - Method in class org.nd4j.linalg.indexing.SpecifiedIndex
 
strideArr(DataBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
Get array shape from the buffer, as an int[]
strideDescendingCAscendingF(INDArray) - Static method in class org.nd4j.linalg.api.shape.Shape
Check if strides are in order suitable for non-strided mmul etc.
strideOf() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
StridePermutation - Class in org.nd4j.linalg.api.shape
Metadata for striding mainly meant for internal use
StridePermutation() - Constructor for class org.nd4j.linalg.api.shape.StridePermutation
 
strides(char, NDArrayIndex...) - Static method in class org.nd4j.linalg.indexing.Indices
Calculate the strides based on the given indices
strideUnsafe(DataBuffer, int, int) - Static method in class org.nd4j.linalg.api.shape.Shape
Get the stride of the specified dimension, without any input validation
strideUnsafe(int[], int, int) - Static method in class org.nd4j.linalg.api.shape.Shape
 
StringAggregator - Class in org.nd4j.linalg.profiler.data
 
StringAggregator() - Constructor for class org.nd4j.linalg.profiler.data.StringAggregator
 
StringCounter - Class in org.nd4j.linalg.profiler.data
Simple key-value counter
StringCounter() - Constructor for class org.nd4j.linalg.profiler.data.StringCounter
 
stripOnes(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
Reshapes an ndarray to remove leading 1s
strmm(char, char, char, char, char, int, int, float, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
 
strmv(char, char, char, char, int, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
strsm(char, char, char, char, char, int, int, float, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
 
strsv(char, char, char, char, int, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
sub(Number, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
sub(Number) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
sub(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
copy subtraction of two matrices
sub(INDArray, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
copy subtraction of two matrices
sub(IComplexNumber, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
sub(IComplexNumber) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
sub(IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
sub(IComplexNumber, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
sub(IComplexNumber) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
sub(Number, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
sub(Number) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
sub(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
copy subtraction of two matrices
sub(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
copy subtraction of two matrices
sub(Number, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
sub(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
copy subtraction of two matrices
sub(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
copy subtraction of two matrices
sub(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
sub(IComplexNumber) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
sub(IComplexNumber, IComplexNDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
sub(Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Scalar subtraction (copied)
sub(Number, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
sub(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
copy subtraction of two NDArrays
sub(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
copy subtraction of two NDArrays
sub(IComplexNumber) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
sub(IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
sub2Ind(int[], int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
Convert the given index (such as 1,1) to a linear index
subArray(long[], int[], int[]) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
subArray(ShapeOffsetResolution) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
subArray(long[], int[], int[]) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
subArray(ShapeOffsetResolution) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Sub array based on the pre calculated shape,strides, offsets
subArray(long[], int[], int[]) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
subColumnVector(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
In place addition of a column vector
subColumnVector(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
In place addition of a column vector
subColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
In place addition of a column vector
subColumnVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Subtraction of a column vector (copy)
subi(Number, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
subi(Number) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
subi(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
in place subtraction of two matrices
subi(INDArray, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
in place subtraction of two matrices
subi(IComplexNumber, INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
subi(IComplexNumber) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
subi(IComplexNumber, IComplexNDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
subi(IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
subi(IComplexNumber, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
subi(IComplexNumber) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
subi(Number, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
subi(Number) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
subi(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
in place subtraction of two matrices
subi(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
in place subtraction of two matrices
subi(Number, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
subi(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
in place subtraction of two matrices
subi(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
in place subtraction of two matrices
subi(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
subi(IComplexNumber) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
subi(IComplexNumber, IComplexNDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
subi(Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
In place scalar subtraction
subi(Number, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
In place subtraction of this ndarray
subi(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
in place (element wise) subtraction of two NDArrays
subi(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
in place (element wise) subtraction of two NDArrays
subi(IComplexNumber) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
subi(IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
subiColumnVector(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
In place addition of a column vector
subiColumnVector(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
In place addition of a column vector
subiColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
In place addition of a column vector
subiColumnVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
In place subtraction of a column vector
subiRowVector(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
In place addition of a column vector
subiRowVector(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
In place addition of a column vector
subiRowVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
In place addition of a column vector
subiRowVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
In place subtraction of a row vector
SubOp - Class in org.nd4j.linalg.api.ops.impl.transforms.arithmetic
Subtraction operation
SubOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.SubOp
 
SubOp(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.SubOp
 
SubOp(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.SubOp
 
SubOp(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.SubOp
 
SubOp(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.SubOp
 
SubOp(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.arithmetic.SubOp
 
subRowVector(INDArray) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
In place addition of a column vector
subRowVector(INDArray) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
In place addition of a column vector
subRowVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
In place addition of a column vector
subRowVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Subtraction of a row vector (copy)
sum(int...) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
sum(int...) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Returns the sum along the last dimension of this ndarray
sum(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the sum along the last dimension of this ndarray
sum(INDArray, int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
sum(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the sum along the last dimension of this ndarray
sum(INDArray, int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the sum along the last dimension of this ndarray
Sum - Class in org.nd4j.linalg.api.ops.impl.accum
Sum the components
Sum() - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Sum
 
Sum(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Sum
 
Sum(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Sum
 
Sum(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Sum
 
Sum(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Sum
 
Sum(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Sum
 
sum(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
 
sum(IComplexNDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
 
sum(INDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
sum(IComplexNDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
sumComplex() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
sumComplex() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
sumComplex() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Sum the entire array
sumNumber() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
sumNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
sumNumber() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Sum the entire array
supportsDataBufferL1Ops() - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
supportsDataBufferL1Ops() - Method in interface org.nd4j.linalg.api.blas.Level1
Can we use the axpy and copy methods that take a DataBuffer instead of an INDArray with this backend?
swap(INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
swaps a vector with another vector.
swap(IComplexNDArray, IComplexNDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
swap(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.blas.Level1
swaps a vector with another vector.
swap(IComplexNDArray, IComplexNDArray) - Method in interface org.nd4j.linalg.api.blas.Level1
 
swap(INDArray, INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
swap(INDArray, INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Compute x <-> y (swap two matrices)
swapAxes(int, int) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Mainly here for people coming from numpy.
swapAxes(int, int) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Mainly here for people coming from numpy.
swapAxes(int, int) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Mainly here for people coming from numpy.
swapAxes(int, int) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Mainly here for people coming from numpy.
syev(char, char, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLapack
 
syev(char, char, INDArray, INDArray) - Method in interface org.nd4j.linalg.api.blas.Lapack
Caclulate the eigenvalues and vectors of a symmetric matrix.
syev(char, char, INDArray, INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
syev(char, char, INDArray, INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
 
syevd(char, char, INDArray, INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
syevd(char, char, INDArray, INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
 
syevr(char, char, char, INDArray, float, float, int, int, Number, INDArray, INDArray, int[]) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
syevr(char, char, char, INDArray, double, double, int, int, double, INDArray, INDArray, int[]) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
syevr(char, char, char, INDArray, float, float, int, int, float, INDArray, INDArray, int[]) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
syevr(char, char, char, INDArray, double, double, int, int, double, INDArray, INDArray, int[]) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Deprecated.
syevr(char, char, char, INDArray, float, float, int, int, float, INDArray, INDArray, int[]) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Deprecated.
syevr(char, char, char, INDArray, float, float, int, int, Number, INDArray, INDArray, int[]) - Method in interface org.nd4j.linalg.factory.BlasWrapper
 
syevx(char, char, char, INDArray, double, double, int, int, double, INDArray, INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
syevx(char, char, char, INDArray, float, float, int, int, float, INDArray, INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
syevx(char, char, char, INDArray, double, double, int, int, double, INDArray, INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
 
syevx(char, char, char, INDArray, float, float, int, int, float, INDArray, INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
 
sygvd(int, char, char, INDArray, INDArray, INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
sygvd(int, char, char, INDArray, INDArray, INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
 
symm(char, char, char, double, INDArray, INDArray, double, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
her2k performs a rank-2k update of an n-by-n Hermitian matrix c, that is, one of the following operations: c := alpha*a*conjg(b') + conjg(alpha)*b*conjg(a') + beta*c, for trans = 'N'or'n' c := alpha*conjg(b')*a + conjg(alpha)*conjg(a')*b + beta*c, for trans = 'C'or'c' where c is an n-by-n Hermitian matrix; a and b are n-by-k matrices if trans = 'N'or'n', a and b are k-by-n matrices if trans = 'C'or'c'.
symm(char, char, char, IComplexNumber, IComplexNDArray, IComplexNDArray, IComplexNumber, IComplexNDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
her2k performs a rank-2k update of an n-by-n Hermitian matrix c, that is, one of the following operations: c := alpha*a*conjg(b') + conjg(alpha)*b*conjg(a') + beta*c, for trans = 'N'or'n' c := alpha*conjg(b')*a + conjg(alpha)*conjg(a')*b + beta*c, for trans = 'C'or'c' where c is an n-by-n Hermitian matrix; a and b are n-by-k matrices if trans = 'N'or'n', a and b are k-by-n matrices if trans = 'C'or'c'.
symm(char, char, char, double, INDArray, INDArray, double, INDArray) - Method in interface org.nd4j.linalg.api.blas.Level3
her2k performs a rank-2k update of an n-by-n Hermitian matrix c, that is, one of the following operations: c := alpha*a*conjg(b') + conjg(alpha)*b*conjg(a') + beta*c, for trans = 'N'or'n' c := alpha*conjg(b')*a + conjg(alpha)*conjg(a')*b + beta*c, for trans = 'C'or'c' where c is an n-by-n Hermitian matrix; a and b are n-by-k matrices if trans = 'N'or'n', a and b are k-by-n matrices if trans = 'C'or'c'.
symm(char, char, char, IComplexNumber, IComplexNDArray, IComplexNDArray, IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.blas.Level3
her2k performs a rank-2k update of an n-by-n Hermitian matrix c, that is, one of the following operations: c := alpha*a*conjg(b') + conjg(alpha)*b*conjg(a') + beta*c, for trans = 'N'or'n' c := alpha*conjg(b')*a + conjg(alpha)*conjg(a')*b + beta*c, for trans = 'C'or'c' where c is an n-by-n Hermitian matrix; a and b are n-by-k matrices if trans = 'N'or'n', a and b are k-by-n matrices if trans = 'C'or'c'.
symmetricGeneralizedEigenvalues(INDArray) - Static method in class org.nd4j.linalg.eigen.Eigen
Compute generalized eigenvalues of the problem A x = L x.
symmetricGeneralizedEigenvalues(INDArray, boolean) - Static method in class org.nd4j.linalg.eigen.Eigen
Compute generalized eigenvalues of the problem A x = L x.
symmetricGeneralizedEigenvalues(INDArray, INDArray) - Static method in class org.nd4j.linalg.eigen.Eigen
Compute generalized eigenvalues of the problem A x = L B x.
symmetricGeneralizedEigenvalues(INDArray, INDArray, boolean) - Static method in class org.nd4j.linalg.eigen.Eigen
Compute generalized eigenvalues of the problem A x = L B x.
symv(char, char, double, INDArray, INDArray, double, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
symv computes a matrix-vector product for a symmetric matrix: y := alpha*a*x + beta*y.
symv(char, char, double, INDArray, INDArray, double, INDArray) - Method in interface org.nd4j.linalg.api.blas.Level2
symv computes a matrix-vector product for a symmetric matrix: y := alpha*a*x + beta*y.
syr(char, char, int, double, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
syr performs a rank-1 update of an n-by-n symmetric matrix a: a := alpha*x*x' + a.
syr(char, char, int, double, INDArray, INDArray) - Method in interface org.nd4j.linalg.api.blas.Level2
syr performs a rank-1 update of an n-by-n symmetric matrix a: a := alpha*x*x' + a.
syr2(char, char, double, INDArray, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
syr2(char, char, double, INDArray, INDArray, INDArray) - Method in interface org.nd4j.linalg.api.blas.Level2
 
syr2k(char, char, char, double, INDArray, INDArray, double, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
yr2k performs a rank-2k update of an n-by-n symmetric matrix c, that is, one of the following operations: c := alpha*a*b' + alpha*b*a' + beta*c for trans = 'N'or'n' c := alpha*a'*b + alpha*b'*a + beta*c for trans = 'T'or't', where c is an n-by-n symmetric matrix; a and b are n-by-k matrices, if trans = 'N'or'n', a and b are k-by-n matrices, if trans = 'T'or't'.
syr2k(char, char, char, IComplexNumber, IComplexNDArray, IComplexNDArray, IComplexNumber, IComplexNDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
yr2k performs a rank-2k update of an n-by-n symmetric matrix c, that is, one of the following operations: c := alpha*a*b' + alpha*b*a' + beta*c for trans = 'N'or'n' c := alpha*a'*b + alpha*b'*a + beta*c for trans = 'T'or't', where c is an n-by-n symmetric matrix; a and b are n-by-k matrices, if trans = 'N'or'n', a and b are k-by-n matrices, if trans = 'T'or't'.
syr2k(char, char, char, double, INDArray, INDArray, double, INDArray) - Method in interface org.nd4j.linalg.api.blas.Level3
yr2k performs a rank-2k update of an n-by-n symmetric matrix c, that is, one of the following operations: c := alpha*a*b' + alpha*b*a' + beta*c for trans = 'N'or'n' c := alpha*a'*b + alpha*b'*a + beta*c for trans = 'T'or't', where c is an n-by-n symmetric matrix; a and b are n-by-k matrices, if trans = 'N'or'n', a and b are k-by-n matrices, if trans = 'T'or't'.
syr2k(char, char, char, IComplexNumber, IComplexNDArray, IComplexNDArray, IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.blas.Level3
yr2k performs a rank-2k update of an n-by-n symmetric matrix c, that is, one of the following operations: c := alpha*a*b' + alpha*b*a' + beta*c for trans = 'N'or'n' c := alpha*a'*b + alpha*b'*a + beta*c for trans = 'T'or't', where c is an n-by-n symmetric matrix; a and b are n-by-k matrices, if trans = 'N'or'n', a and b are k-by-n matrices, if trans = 'T'or't'.
syrk(char, char, char, double, INDArray, double, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
syrk performs a rank-n update of an n-by-n symmetric matrix c, that is, one of the following operations: c := alpha*a*a' + beta*c for trans = 'N'or'n' c := alpha*a'*a + beta*c for trans = 'T'or't','C'or'c', where c is an n-by-n symmetric matrix; a is an n-by-k matrix, if trans = 'N'or'n', a is a k-by-n matrix, if trans = 'T'or't','C'or'c'.
syrk(char, char, char, IComplexNumber, IComplexNDArray, IComplexNumber, IComplexNDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
syrk performs a rank-n update of an n-by-n symmetric matrix c, that is, one of the following operations: c := alpha*a*a' + beta*c for trans = 'N'or'n' c := alpha*a'*a + beta*c for trans = 'T'or't','C'or'c', where c is an n-by-n symmetric matrix; a is an n-by-k matrix, if trans = 'N'or'n', a is a k-by-n matrix, if trans = 'T'or't','C'or'c'.
syrk(char, char, char, double, INDArray, double, INDArray) - Method in interface org.nd4j.linalg.api.blas.Level3
syrk performs a rank-n update of an n-by-n symmetric matrix c, that is, one of the following operations: c := alpha*a*a' + beta*c for trans = 'N'or'n' c := alpha*a'*a + beta*c for trans = 'T'or't','C'or'c', where c is an n-by-n symmetric matrix; a is an n-by-k matrix, if trans = 'N'or'n', a is a k-by-n matrix, if trans = 'T'or't','C'or'c'.
syrk(char, char, char, IComplexNumber, IComplexNDArray, IComplexNumber, IComplexNDArray) - Method in interface org.nd4j.linalg.api.blas.Level3
syrk performs a rank-n update of an n-by-n symmetric matrix c, that is, one of the following operations: c := alpha*a*a' + beta*c for trans = 'N'or'n' c := alpha*a'*a + beta*c for trans = 'T'or't','C'or'c', where c is an n-by-n symmetric matrix; a is an n-by-k matrix, if trans = 'N'or'n', a is a k-by-n matrix, if trans = 'T'or't','C'or'c'.
sysv(char, INDArray, int[], INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
sysv(char, INDArray, int[], INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
 

T

t - Variable in class org.nd4j.linalg.util.AtomicThrowable
 
TadCollapseAccumulation - Class in org.nd4j.linalg.api.ops
This implements a collapsing tad reduction based on different dimensions.
TadCollapseAccumulation() - Constructor for class org.nd4j.linalg.api.ops.TadCollapseAccumulation
 
TadCollapseAccumulation(Op, int[], int[], boolean) - Constructor for class org.nd4j.linalg.api.ops.TadCollapseAccumulation
 
TadCollapseAccumulation(Op, int[], int[]) - Constructor for class org.nd4j.linalg.api.ops.TadCollapseAccumulation
 
TadCollapseAccumulation(Op, int[]) - Constructor for class org.nd4j.linalg.api.ops.TadCollapseAccumulation
 
TadCollapseAccumulation(Op) - Constructor for class org.nd4j.linalg.api.ops.TadCollapseAccumulation
 
TadCollapseAccumulation(INDArray, Op) - Constructor for class org.nd4j.linalg.api.ops.TadCollapseAccumulation
 
TadCollapseAccumulation(INDArray, INDArray, INDArray, long, Op) - Constructor for class org.nd4j.linalg.api.ops.TadCollapseAccumulation
 
TadCollapseAccumulation(INDArray, INDArray, Op) - Constructor for class org.nd4j.linalg.api.ops.TadCollapseAccumulation
 
TadCollapseAccumulation(INDArray, INDArray, long, Op) - Constructor for class org.nd4j.linalg.api.ops.TadCollapseAccumulation
 
TadDescriptor - Class in org.nd4j.linalg.cache
This is utility class, made to compare TADs for caching purposes.
TadDescriptor(INDArray, int[]) - Constructor for class org.nd4j.linalg.cache.TadDescriptor
Pass in an ndarray to get the databuffer and the appropriate dimensions
tadIndex(int, int, int) - Static method in class org.nd4j.linalg.api.ops.TadCollapseAccumulation
Given an linear index, element wise stride and the length of each tad map a linear index to a tad
TADManager - Interface in org.nd4j.linalg.cache
This interface describes TAD caching.
tadsForLargerDimension - Variable in class org.nd4j.linalg.api.ops.TadCollapseAccumulation
 
tadsForSmallerDimension - Variable in class org.nd4j.linalg.api.ops.TadCollapseAccumulation
 
tadsPerReduceIndex(int, int) - Static method in class org.nd4j.linalg.api.ops.TadCollapseAccumulation
Computes the number of tads per reduce index for the reduction tad.
tagLocation(INDArray, AffinityManager.Location) - Method in interface org.nd4j.linalg.api.concurrency.AffinityManager
This method tags specific INDArray as "recent" on specified location
tagLocation(DataBuffer, AffinityManager.Location) - Method in interface org.nd4j.linalg.api.concurrency.AffinityManager
This method tags specific DataBuffer as "recent" on specified location
tagLocation(INDArray, AffinityManager.Location) - Method in class org.nd4j.linalg.api.concurrency.BasicAffinityManager
 
tagLocation(DataBuffer, AffinityManager.Location) - Method in class org.nd4j.linalg.api.concurrency.BasicAffinityManager
 
tagOutOfScopeUse() - Method in class org.nd4j.linalg.memory.abstracts.DummyWorkspace
 
tagOutOfScopeUse() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
tagScope - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
tailor2d(DataSet, boolean) - Static method in class org.nd4j.linalg.dataset.api.DataSetUtil
 
tailor2d(INDArray, INDArray) - Static method in class org.nd4j.linalg.dataset.api.DataSetUtil
 
tailor3d2d(DataSet, boolean) - Static method in class org.nd4j.linalg.dataset.api.DataSetUtil
Deprecated. 
tailor3d2d(INDArray, INDArray) - Static method in class org.nd4j.linalg.dataset.api.DataSetUtil
 
tailor4d2d(DataSet, boolean) - Static method in class org.nd4j.linalg.dataset.api.DataSetUtil
 
tailor4d2d(INDArray) - Static method in class org.nd4j.linalg.dataset.api.DataSetUtil
 
Tan - Class in org.nd4j.linalg.api.ops.impl.transforms
Tanh elementwise function
Tan() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Tan
 
Tan(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Tan
 
Tan(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Tan
 
Tan(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Tan
 
Tan(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Tan
 
Tan(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Tan
 
TanDerivative - Class in org.nd4j.linalg.api.ops.impl.transforms
Tan Derivative elementwise function
TanDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.TanDerivative
 
TanDerivative(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.TanDerivative
 
TanDerivative(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.TanDerivative
 
TanDerivative(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.TanDerivative
 
TanDerivative(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.TanDerivative
 
TanDerivative(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.TanDerivative
 
Tanh - Class in org.nd4j.linalg.api.ops.impl.transforms
Tanh elementwise function
Tanh() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Tanh
 
Tanh(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Tanh
 
Tanh(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Tanh
 
Tanh(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Tanh
 
Tanh(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Tanh
 
Tanh(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Tanh
 
tanh(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Tanh function
tanh(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Tanh function
tanh(IComplexNumber) - Static method in class org.nd4j.linalg.util.ComplexUtil
Return the tanh of a complex number
TanhDerivative - Class in org.nd4j.linalg.api.ops.impl.transforms
Tanh derivative
TanhDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.TanhDerivative
 
TanhDerivative(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.TanhDerivative
 
TanhDerivative(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.TanhDerivative
 
TanhDerivative(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.TanhDerivative
 
TanhDerivative(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.TanhDerivative
 
Task - Class in org.nd4j.linalg.heartbeat.reports
 
Task() - Constructor for class org.nd4j.linalg.heartbeat.reports.Task
 
Task.ArchitectureType - Enum in org.nd4j.linalg.heartbeat.reports
 
Task.NetworkType - Enum in org.nd4j.linalg.heartbeat.reports
 
TaskUtils - Class in org.nd4j.linalg.heartbeat.utils
 
tbmv(char, char, char, char, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
syr2 performs a rank-2 update of an n-by-n symmetric matrix a: a := alpha*x*y' + alpha*y*x' + a.
tbmv(char, char, char, char, INDArray, INDArray) - Method in interface org.nd4j.linalg.api.blas.Level2
syr2 performs a rank-2 update of an n-by-n symmetric matrix a: a := alpha*x*y' + alpha*y*x' + a.
tbpttWindowSize - Variable in class org.nd4j.linalg.dataset.api.preprocessor.classimbalance.BaseUnderSamplingPreProcessor
 
tbsv(char, char, char, char, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
?tbsv solves a system of linear equations whose coefficients are in a triangular band matrix.
tbsv(char, char, char, char, INDArray, INDArray) - Method in interface org.nd4j.linalg.api.blas.Level2
?tbsv solves a system of linear equations whose coefficients are in a triangular band matrix.
tear(INDArray, int...) - Static method in class org.nd4j.linalg.factory.Nd4j
This method does the opposite to pile/vstack/hstack - it returns independent TAD copies along given dimensions
tear(INDArray, int...) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
Tensor1DStats() - Constructor for class org.nd4j.linalg.api.ops.executioner.OpExecutionerUtil.Tensor1DStats
 
tensorAlongDimension(int, int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
tensorAlongDimension(int, int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Get the vector along a particular dimension
tensorLength - Variable in class org.nd4j.linalg.api.ops.executioner.OpExecutionerUtil.Tensor1DStats
 
TensorMmul - Class in org.nd4j.linalg.api.ops.impl.accum
Dot product
TensorMmul(INDArray, INDArray, int[][]) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.TensorMmul
 
TensorMmul(INDArray, INDArray, INDArray, int[][]) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.TensorMmul
Initialize with the given input, pairwise transform, result, and number of elements
tensorMmul(INDArray, INDArray, INDArray, int[][]) - Static method in class org.nd4j.linalg.factory.Nd4j
Tensor matrix multiplication.
tensorMmul(INDArray, INDArray, int[][]) - Static method in class org.nd4j.linalg.factory.Nd4j
Tensor matrix multiplication.
tensorsPerSlice(INDArray, int[]) - Static method in class org.nd4j.linalg.util.NDArrayMath
Computes the tensors per slice given a tensor shape and array
tensorssAlongDimension(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
tensorssAlongDimension(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the number of possible vectors for a given dimension
tensorStartSeparation - Variable in class org.nd4j.linalg.api.ops.executioner.OpExecutionerUtil.Tensor1DStats
 
TestDataSetIterator - Class in org.nd4j.linalg.dataset.api.iterator
Created by susaneraly on 5/26/16.
TestDataSetIterator(DataSet, int) - Constructor for class org.nd4j.linalg.dataset.api.iterator.TestDataSetIterator
 
TestDataSetIterator(List<DataSet>, int) - Constructor for class org.nd4j.linalg.dataset.api.iterator.TestDataSetIterator
 
TestDataSetIterator(DataSet) - Constructor for class org.nd4j.linalg.dataset.api.iterator.TestDataSetIterator
This makes an iterator from the given dataset and batchsize ONLY for use in tests in nd4j Initializes with a default batch of 5
testFold() - Method in class org.nd4j.linalg.dataset.api.iterator.KFoldIterator
 
TestMultiDataSetIterator - Class in org.nd4j.linalg.dataset.api.iterator
 
TestMultiDataSetIterator(int, MultiDataSet...) - Constructor for class org.nd4j.linalg.dataset.api.iterator.TestMultiDataSetIterator
Makes an iterator from the given datasets.
threadId - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
ThresholdCompression - Class in org.nd4j.linalg.compression
 
ThresholdCompression() - Constructor for class org.nd4j.linalg.compression.ThresholdCompression
 
thresholdDecode(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
thresholdDecode(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
This method decodes thresholds array, and puts it into target array
thresholdEncode(INDArray, double) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
thresholdEncode(INDArray, double, Integer) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
thresholdEncode(INDArray, double) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
This method encodes array as thresholds, updating input array at the same time
thresholdEncode(INDArray, double, Integer) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
This method encodes array as thresholds, updating input array at the same time
tile(INDArray, int...) - Static method in class org.nd4j.linalg.factory.Nd4j
An alias for repmat
timeBlasCall() - Method in class org.nd4j.linalg.profiler.OpProfiler
 
timeOpCall(Op, long) - Method in class org.nd4j.linalg.profiler.OpProfiler
 
TimeSet - Class in org.nd4j.linalg.profiler.data.primitives
Utility holder class, used to store timing sets retrieved with profiler.
TimeSet() - Constructor for class org.nd4j.linalg.profiler.data.primitives.TimeSet
 
TimesOneMinus - Class in org.nd4j.linalg.api.ops.impl.transforms
If x is input: output is x*(1-x)
TimesOneMinus() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.TimesOneMinus
 
TimesOneMinus(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.TimesOneMinus
 
TimesOneMinus(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.TimesOneMinus
 
TimesOneMinus(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.TimesOneMinus
 
TimesOneMinus(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.TimesOneMinus
 
timestamp - Variable in class org.nd4j.linalg.api.instrumentation.DataBufferLogEntry
 
toArray(ByteBuffer, int) - Static method in class org.nd4j.serde.binary.BinarySerde
Create an ndarray from the unsafe buffer
toArray(ByteBuffer) - Static method in class org.nd4j.serde.binary.BinarySerde
Create an ndarray from the unsafe buffer
toArrayAndByteBuffer(ByteBuffer, int) - Static method in class org.nd4j.serde.binary.BinarySerde
Create an ndarray and existing bytebuffer
toBuffer(int...) - Static method in class org.nd4j.linalg.api.shape.Shape
Convert an array to a byte buffer
toByteArray(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
Convert an ndarray to a byte array
toByteBuffer() - Method in class org.nd4j.linalg.compression.CompressionDescriptor
Return a direct allocated bytebuffer from the compression codec.
toByteBuffer(INDArray) - Static method in class org.nd4j.serde.binary.BinarySerde
Convert an ndarray to an unsafe buffer for use by aeron
toCompactString() - Method in class org.nd4j.linalg.heartbeat.reports.Environment
 
toCompactString() - Method in class org.nd4j.linalg.heartbeat.reports.Task
 
toFlattened(Collection<INDArray>) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Returns a vector with all of the elements in every nd array equal to the sum of the lengths of the ndarrays
toFlattened(int, Iterator<? extends INDArray>...) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
toFlattened(INDArray...) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
toFlattened(char, INDArray...) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
toFlattened(Collection<INDArray>) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a long row vector of all of the given ndarrays
toFlattened(char, Collection<INDArray>) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a long row vector of all of the given ndarrays
toFlattened(int, Iterator<? extends INDArray>...) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a long row vector of all of the given ndarrays
toFlattened(INDArray...) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a long row vector of all of the given ndarrays
toFlattened(char, INDArray...) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a long row vector of all of the given ndarrays/
toFlattened(Collection<INDArray>) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
/** Returns a flattened ndarray with all of the elements in each ndarray regardless of dimension
toFlattened(int, Iterator<? extends INDArray>...) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Returns a flattened ndarray with all of the elements in each ndarray regardless of dimension
toFlattened(char, Collection<INDArray>) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Returns a flattened ndarray with all elements in each ndarray regardless of dimension.
toFlattened(INDArray...) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Flatten all of the ndarrays in to one long vector
toFlattened(char, INDArray...) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Flatten all of the ndarrays in to one long vector
toggleAveraging(boolean) - Method in class org.nd4j.linalg.memory.BasicMemoryManager
 
toggleAveraging(boolean) - Method in interface org.nd4j.linalg.memory.MemoryManager
This method enables/disables calculation of average time spent within loops Default: false
togglePeriodicGc(boolean) - Method in class org.nd4j.linalg.memory.BasicMemoryManager
 
togglePeriodicGc(boolean) - Method in interface org.nd4j.linalg.memory.MemoryManager
This method enables/disables periodic GC
toggleWorkspaceUse(boolean) - Method in class org.nd4j.linalg.memory.abstracts.DummyWorkspace
This method allows you to temporary disable/enable given Workspace use.
toggleWorkspaceUse(boolean) - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
This method allows to temporary disable this workspace, and issue allocations directly.
toIndexes(int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
Convert the given int indexes to nd array indexes
toInts(long[]) - Static method in class org.nd4j.linalg.util.LongUtils
 
toInts(INDArray) - Static method in class org.nd4j.linalg.util.NDArrayUtil
 
toLongs(int[]) - Static method in class org.nd4j.linalg.util.LongUtils
 
toMmulCompatible(INDArray) - Static method in class org.nd4j.linalg.api.shape.Shape
Idea: make an matrix compatible for mmul without needing to be copied first
A matrix is compatible for mmul if its values are contiguous in memory.
toNDArray(int[][]) - Static method in class org.nd4j.linalg.util.NDArrayUtil
 
toNDArray(int[]) - Static method in class org.nd4j.linalg.util.NDArrayUtil
 
toOffsetZero(INDArray) - Static method in class org.nd4j.linalg.api.shape.Shape
Create a copy of the matrix where the new offset is zero
toOffsetZeroCopy(INDArray) - Static method in class org.nd4j.linalg.api.shape.Shape
Create a copy of the ndarray where the new offset is zero
toOffsetZeroCopy(INDArray, char) - Static method in class org.nd4j.linalg.api.shape.Shape
Create a copy of the ndarray where the new offset is zero, and has specified order
toOffsetZeroCopyAnyOrder(INDArray) - Static method in class org.nd4j.linalg.api.shape.Shape
Create a copy of the ndarray where the new offset is zero.
toOutcomeMatrix(int[], int) - Static method in class org.nd4j.linalg.util.FeatureUtil
Creates an out come vector from the specified inputs
toOutcomeVector(int, int) - Static method in class org.nd4j.linalg.util.FeatureUtil
Creates an out come vector from the specified inputs
toString() - Method in class org.nd4j.linalg.activations.impl.ActivationCube
 
toString() - Method in class org.nd4j.linalg.activations.impl.ActivationELU
 
toString() - Method in class org.nd4j.linalg.activations.impl.ActivationHardSigmoid
 
toString() - Method in class org.nd4j.linalg.activations.impl.ActivationHardTanH
 
toString() - Method in class org.nd4j.linalg.activations.impl.ActivationIdentity
 
toString() - Method in class org.nd4j.linalg.activations.impl.ActivationLReLU
 
toString() - Method in class org.nd4j.linalg.activations.impl.ActivationRationalTanh
 
toString() - Method in class org.nd4j.linalg.activations.impl.ActivationRectifiedTanh
 
toString() - Method in class org.nd4j.linalg.activations.impl.ActivationReLU
 
toString() - Method in class org.nd4j.linalg.activations.impl.ActivationRReLU
 
toString() - Method in class org.nd4j.linalg.activations.impl.ActivationSELU
 
toString() - Method in class org.nd4j.linalg.activations.impl.ActivationSigmoid
 
toString() - Method in class org.nd4j.linalg.activations.impl.ActivationSoftmax
 
toString() - Method in class org.nd4j.linalg.activations.impl.ActivationSoftPlus
 
toString() - Method in class org.nd4j.linalg.activations.impl.ActivationSoftSign
 
toString() - Method in class org.nd4j.linalg.activations.impl.ActivationTanH
 
toString() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Generate string representation of the matrix.
toString() - Method in class org.nd4j.linalg.api.instrumentation.DataBufferLogEntry
 
toString() - Method in class org.nd4j.linalg.api.instrumentation.LogEntry
 
toString() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Generate string representation of the matrix.
toString() - Method in class org.nd4j.linalg.api.ops.BaseOp
 
toString() - Method in class org.nd4j.linalg.api.ops.exception.BlasOpErrorMessage
 
toString(IntBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
To String for an int buffer
toString(DataBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
To String for an int buffer
toString() - Method in class org.nd4j.linalg.api.shape.ShapeDescriptor
 
toString() - Method in class org.nd4j.linalg.dataset.DataSet
 
toString() - Method in class org.nd4j.linalg.dataset.MultiDataSet
 
toString() - Method in class org.nd4j.linalg.indexing.NDArrayIndex
 
toString() - Method in class org.nd4j.linalg.lossfunctions.impl.LossBinaryXENT
 
toString() - Method in class org.nd4j.linalg.lossfunctions.impl.LossCosineProximity
 
toString() - Method in class org.nd4j.linalg.lossfunctions.impl.LossFMeasure
 
toString() - Method in class org.nd4j.linalg.lossfunctions.impl.LossHinge
 
toString() - Method in class org.nd4j.linalg.lossfunctions.impl.LossKLD
 
toString() - Method in class org.nd4j.linalg.lossfunctions.impl.LossL1
 
toString() - Method in class org.nd4j.linalg.lossfunctions.impl.LossL2
 
toString() - Method in class org.nd4j.linalg.lossfunctions.impl.LossMAE
 
toString() - Method in class org.nd4j.linalg.lossfunctions.impl.LossMAPE
 
toString() - Method in class org.nd4j.linalg.lossfunctions.impl.LossMCXENT
 
toString() - Method in class org.nd4j.linalg.lossfunctions.impl.LossMixtureDensity
 
toString() - Method in class org.nd4j.linalg.lossfunctions.impl.LossMSE
 
toString() - Method in class org.nd4j.linalg.lossfunctions.impl.LossMSLE
 
toString() - Method in class org.nd4j.linalg.lossfunctions.impl.LossNegativeLogLikelihood
 
toString() - Method in class org.nd4j.linalg.lossfunctions.impl.LossPoisson
 
toString() - Method in class org.nd4j.linalg.lossfunctions.impl.LossSquaredHinge
 
toString() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
toString() - Method in class org.nd4j.linalg.profiler.data.primitives.StackDescriptor
 
totalExamples() - Method in class org.nd4j.linalg.dataset.api.iterator.BaseDatasetIterator
 
totalExamples() - Method in class org.nd4j.linalg.dataset.api.iterator.CachingDataSetIterator
 
totalExamples() - Method in interface org.nd4j.linalg.dataset.api.iterator.DataSetIterator
Total examples in the iterator
totalExamples - Variable in class org.nd4j.linalg.dataset.api.iterator.fetcher.BaseDataFetcher
 
totalExamples() - Method in class org.nd4j.linalg.dataset.api.iterator.fetcher.BaseDataFetcher
 
totalExamples() - Method in interface org.nd4j.linalg.dataset.api.iterator.fetcher.DataSetFetcher
The total number of examples
totalExamples() - Method in class org.nd4j.linalg.dataset.api.iterator.KFoldIterator
Returns total number of examples in the dataset (all k folds)
totalExamples() - Method in class org.nd4j.linalg.dataset.api.iterator.MultipleEpochsIterator
Deprecated.
Total examples in the iterator
totalExamples() - Method in class org.nd4j.linalg.dataset.api.iterator.SamplingDataSetIterator
 
totalExamples() - Method in class org.nd4j.linalg.dataset.api.iterator.TestDataSetIterator
 
totalExamples() - Method in class org.nd4j.linalg.dataset.ExistingMiniBatchDataSetIterator
 
totalExamples() - Method in class org.nd4j.linalg.dataset.MiniBatchFileDataSetIterator
 
totalExamples() - Method in class org.nd4j.linalg.dataset.ViewIterator
 
totalOutcomes() - Method in class org.nd4j.linalg.dataset.api.iterator.BaseDatasetIterator
 
totalOutcomes() - Method in class org.nd4j.linalg.dataset.api.iterator.CachingDataSetIterator
 
totalOutcomes() - Method in interface org.nd4j.linalg.dataset.api.iterator.DataSetIterator
The number of labels for the dataset
totalOutcomes() - Method in class org.nd4j.linalg.dataset.api.iterator.fetcher.BaseDataFetcher
 
totalOutcomes() - Method in interface org.nd4j.linalg.dataset.api.iterator.fetcher.DataSetFetcher
The number of labels for a dataset
totalOutcomes() - Method in class org.nd4j.linalg.dataset.api.iterator.KFoldIterator
 
totalOutcomes() - Method in class org.nd4j.linalg.dataset.api.iterator.MultipleEpochsIterator
Deprecated.
The number of labels for the dataset
totalOutcomes() - Method in class org.nd4j.linalg.dataset.api.iterator.SamplingDataSetIterator
 
totalOutcomes() - Method in class org.nd4j.linalg.dataset.api.iterator.TestDataSetIterator
 
totalOutcomes() - Method in class org.nd4j.linalg.dataset.ExistingMiniBatchDataSetIterator
 
totalOutcomes() - Method in class org.nd4j.linalg.dataset.MiniBatchFileDataSetIterator
 
totalOutcomes() - Method in class org.nd4j.linalg.dataset.ViewIterator
 
totalsIncrement() - Method in class org.nd4j.linalg.profiler.data.StringCounter
 
touch(INDArray) - Method in interface org.nd4j.linalg.api.concurrency.AffinityManager
Utility method, to associate INDArray with specific device (backend-specific)
touch(DataBuffer) - Method in interface org.nd4j.linalg.api.concurrency.AffinityManager
Utility method, to associate INDArray with specific device (backend-specific)
tpmv(char, char, char, char, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
tpmv computes a matrix-vector product using a triangular packed matrix.
tpmv(char, char, char, char, INDArray, INDArray) - Method in interface org.nd4j.linalg.api.blas.Level2
tpmv computes a matrix-vector product using a triangular packed matrix.
tpsv(char, char, char, char, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
tpsv solves a system of linear equations whose coefficients are in a triangular packed matrix.
tpsv(char, char, char, char, INDArray, INDArray) - Method in interface org.nd4j.linalg.api.blas.Level2
tpsv solves a system of linear equations whose coefficients are in a triangular packed matrix.
transform(DataSet) - Method in class org.nd4j.linalg.dataset.api.iterator.StandardScaler
Deprecated.
Transform the data
transform(DataSet) - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractDataSetNormalizer
Transform the given dataset
transform(INDArray) - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractDataSetNormalizer
Transform the given INDArray
transform(INDArray, INDArray) - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractDataSetNormalizer
 
transform(MultiDataSet) - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractMultiDataSetNormalizer
 
transform(INDArray) - Method in interface org.nd4j.linalg.dataset.api.preprocessor.DataNormalization
Transform the dataset
transform(INDArray, INDArray) - Method in interface org.nd4j.linalg.dataset.api.preprocessor.DataNormalization
Transform the features, with an optional mask array
transform(DataSet) - Method in class org.nd4j.linalg.dataset.api.preprocessor.ImagePreProcessingScaler
Transform the data
transform(INDArray) - Method in class org.nd4j.linalg.dataset.api.preprocessor.ImagePreProcessingScaler
 
transform(INDArray, INDArray) - Method in class org.nd4j.linalg.dataset.api.preprocessor.ImagePreProcessingScaler
 
transform(MultiDataSet) - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerHybrid
Transform the dataset
transform(T) - Method in interface org.nd4j.linalg.dataset.api.preprocessor.Normalizer
Transform the dataset
transform(DataSet) - Method in class org.nd4j.linalg.dataset.api.preprocessor.VGG16ImagePreProcessor
Transform the data
transform(INDArray) - Method in class org.nd4j.linalg.dataset.api.preprocessor.VGG16ImagePreProcessor
 
transform(INDArray, INDArray) - Method in class org.nd4j.linalg.dataset.api.preprocessor.VGG16ImagePreProcessor
 
transformLabel(INDArray) - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractDataSetNormalizer
Transform the labels.
transformLabel(INDArray, INDArray) - Method in class org.nd4j.linalg.dataset.api.preprocessor.AbstractDataSetNormalizer
 
transformLabel(INDArray) - Method in interface org.nd4j.linalg.dataset.api.preprocessor.DataNormalization
Transform the labels.
transformLabel(INDArray, INDArray) - Method in interface org.nd4j.linalg.dataset.api.preprocessor.DataNormalization
Transform the labels.
transformLabel(INDArray) - Method in class org.nd4j.linalg.dataset.api.preprocessor.ImagePreProcessingScaler
 
transformLabel(INDArray, INDArray) - Method in class org.nd4j.linalg.dataset.api.preprocessor.ImagePreProcessingScaler
 
transformLabel(INDArray) - Method in class org.nd4j.linalg.dataset.api.preprocessor.VGG16ImagePreProcessor
 
transformLabel(INDArray, INDArray) - Method in class org.nd4j.linalg.dataset.api.preprocessor.VGG16ImagePreProcessor
 
TransformOp - Interface in org.nd4j.linalg.api.ops
Transform operation: stores the result in an ndarray
Transforms - Class in org.nd4j.linalg.ops.transforms
Functional interface for the different op classes
transpose() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Return transposed copy of this matrix.
transpose() - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Flip the rows and columns of a matrix
transpose() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Return transposed copy of this matrix.
transpose() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Flip the rows and columns of a matrix
Transpose - Class in org.nd4j.linalg.api.ops.impl.shape
Transpose function
Transpose() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Transpose
 
Transpose(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Transpose
 
Transpose(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Transpose
 
Transpose(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Transpose
 
Transpose(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Transpose
 
transposei() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Return transposed copy of this matrix.
transposei() - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
transposei() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Return transposed version of this matrix.
transposei() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Flip the rows and columns of a matrix, in-place
traverse(int, boolean) - Method in class org.nd4j.linalg.profiler.data.primitives.StackNode
 
trimmedMode - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
trimmedStep - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
trmm(char, char, char, char, char, double, INDArray, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
syr2k performs a rank-2k update of an n-by-n symmetric matrix c, that is, one of the following operations: c := alpha*a*b' + alpha*b*a' + beta*c for trans = 'N'or'n' c := alpha*a'*b + alpha*b'*a + beta*c for trans = 'T'or't', where c is an n-by-n symmetric matrix; a and b are n-by-k matrices, if trans = 'N'or'n', a and b are k-by-n matrices, if trans = 'T'or't'.
trmm(char, char, char, char, char, IComplexNumber, IComplexNDArray, IComplexNDArray, IComplexNDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
syr2k performs a rank-2k update of an n-by-n symmetric matrix c, that is, one of the following operations: c := alpha*a*b' + alpha*b*a' + beta*c for trans = 'N'or'n' c := alpha*a'*b + alpha*b'*a + beta*c for trans = 'T'or't', where c is an n-by-n symmetric matrix; a and b are n-by-k matrices, if trans = 'N'or'n', a and b are k-by-n matrices, if trans = 'T'or't'.
trmm(char, char, char, char, char, double, INDArray, INDArray, INDArray) - Method in interface org.nd4j.linalg.api.blas.Level3
syr2k performs a rank-2k update of an n-by-n symmetric matrix c, that is, one of the following operations: c := alpha*a*b' + alpha*b*a' + beta*c for trans = 'N'or'n' c := alpha*a'*b + alpha*b'*a + beta*c for trans = 'T'or't', where c is an n-by-n symmetric matrix; a and b are n-by-k matrices, if trans = 'N'or'n', a and b are k-by-n matrices, if trans = 'T'or't'.
trmm(char, char, char, char, char, IComplexNumber, IComplexNDArray, IComplexNDArray, IComplexNDArray) - Method in interface org.nd4j.linalg.api.blas.Level3
syr2k performs a rank-2k update of an n-by-n symmetric matrix c, that is, one of the following operations: c := alpha*a*b' + alpha*b*a' + beta*c for trans = 'N'or'n' c := alpha*a'*b + alpha*b'*a + beta*c for trans = 'T'or't', where c is an n-by-n symmetric matrix; a and b are n-by-k matrices, if trans = 'N'or'n', a and b are k-by-n matrices, if trans = 'T'or't'.
trmv(char, char, char, char, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
trmv computes a matrix-vector product using a triangular matrix.
trmv(char, char, char, char, INDArray, INDArray) - Method in interface org.nd4j.linalg.api.blas.Level2
trmv computes a matrix-vector product using a triangular matrix.
trsm(char, char, char, char, char, double, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
?trsm solves one of the following matrix equations: op(a)*x = alpha*b or x*op(a) = alpha*b, where x and b are m-by-n general matrices, and a is triangular; op(a) must be an m-by-m matrix, if side = 'L'or'l' op(a) must be an n-by-n matrix, if side = 'R'or'r'.
trsm(char, char, char, char, char, IComplexNumber, IComplexNDArray, IComplexNDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
?trsm solves one of the following matrix equations: op(a)*x = alpha*b or x*op(a) = alpha*b, where x and b are m-by-n general matrices, and a is triangular; op(a) must be an m-by-m matrix, if side = 'L'or'l' op(a) must be an n-by-n matrix, if side = 'R'or'r'.
trsm(char, char, char, char, char, double, INDArray, INDArray) - Method in interface org.nd4j.linalg.api.blas.Level3
?trsm solves one of the following matrix equations: op(a)*x = alpha*b or x*op(a) = alpha*b, where x and b are m-by-n general matrices, and a is triangular; op(a) must be an m-by-m matrix, if side = 'L'or'l' op(a) must be an n-by-n matrix, if side = 'R'or'r'.
trsm(char, char, char, char, char, IComplexNumber, IComplexNDArray, IComplexNDArray) - Method in interface org.nd4j.linalg.api.blas.Level3
?trsm solves one of the following matrix equations: op(a)*x = alpha*b or x*op(a) = alpha*b, where x and b are m-by-n general matrices, and a is triangular; op(a) must be an m-by-m matrix, if side = 'L'or'l' op(a) must be an n-by-n matrix, if side = 'R'or'r'.
trsv(char, char, char, char, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
trsv solves a system of linear equations whose coefficients are in a triangular matrix.
trsv(char, char, char, char, INDArray, INDArray) - Method in interface org.nd4j.linalg.api.blas.Level2
trsv solves a system of linear equations whose coefficients are in a triangular matrix.
truncate(IComplexNDArray, int, int) - Static method in class org.nd4j.linalg.util.ComplexNDArrayUtil
Truncates an ndarray to the specified shape.
tryShortCircuit(INDArrayIndex...) - Method in class org.nd4j.linalg.indexing.ShapeOffsetResolution
 
typeConversion(INDArray, DataBuffer.TypeEx) - Static method in class org.nd4j.linalg.factory.Nd4j
 

U

UnderSamplingByMaskingMultiDataSetPreProcessor - Class in org.nd4j.linalg.dataset.api.preprocessor.classimbalance
The multidataset version of the UnderSamplingByMaskingPreProcessor Constructor takes a map - keys are indices of the multidataset to apply preprocessor to, values are the target distributions
UnderSamplingByMaskingMultiDataSetPreProcessor(Map<Integer, Double>, int) - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.classimbalance.UnderSamplingByMaskingMultiDataSetPreProcessor
The target distribution to approximate.
UnderSamplingByMaskingPreProcessor - Class in org.nd4j.linalg.dataset.api.preprocessor.classimbalance
For use in time series with unbalanced binary classes trained with truncated back prop through time Undersamples the majority class by randomly masking time steps belonging to it Given a target distribution for the minority class and the window size (usually the value used with tbptt) the preprocessor will approximate the given target distribution for every window of given size for every sample of the minibatch By default '0' is considered the majority class and '1' the minorityLabel class Default can be overriden with .overrideMinorityDefault()
UnderSamplingByMaskingPreProcessor(double, int) - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.classimbalance.UnderSamplingByMaskingPreProcessor
The target distribution to approximate.
UniformDistribution - Class in org.nd4j.linalg.api.ops.random.impl
 
UniformDistribution() - Constructor for class org.nd4j.linalg.api.ops.random.impl.UniformDistribution
 
UniformDistribution(INDArray, double, double) - Constructor for class org.nd4j.linalg.api.ops.random.impl.UniformDistribution
This op fills Z with random values within from...to boundaries
UniformDistribution(INDArray) - Constructor for class org.nd4j.linalg.api.ops.random.impl.UniformDistribution
This op fills Z with random values within 0...1
UniformDistribution(INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.random.impl.UniformDistribution
This op fills Z with random values within 0...to
UniformDistribution - Class in org.nd4j.linalg.api.rng.distribution.impl
Base distribution derived from apache commons math http://commons.apache.org/proper/commons-math/

(specifically the org.apache.commons.math3.distribution.UniformIntegerDistribution

UniformDistribution(double, double) - Constructor for class org.nd4j.linalg.api.rng.distribution.impl.UniformDistribution
Create a uniform real distribution using the given lower and upper bounds.
UniformDistribution(Random, double, double) - Constructor for class org.nd4j.linalg.api.rng.distribution.impl.UniformDistribution
Creates a uniform distribution.
UNIT - Static variable in class org.nd4j.linalg.factory.Nd4j
 
unitVec(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Scale by 1 / norm2 of the matrix
UNKNOWN_ERROR - Static variable in error org.nd4j.linalg.api.blas.BlasException
 
unsafeDuplication() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Perform efficient (but unsafe) duplication.
unsafeDuplication(boolean) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Perform efficient (but unsafe) duplication.
unsafeSetDevice(Integer) - Method in interface org.nd4j.linalg.api.concurrency.AffinityManager
This method forces specific device for current thread.
unsafeSetDevice(Integer) - Method in class org.nd4j.linalg.api.concurrency.BasicAffinityManager
 
update(double, double) - Method in interface org.nd4j.linalg.api.ops.Accumulation
Do one accumulation update for a single-argument accumulation, given the current accumulation value and another value to be processed/accumulated
update(double, double, double) - Method in interface org.nd4j.linalg.api.ops.Accumulation
Do an accumulation update for a pair-wise (op(x,y)) accumulation, given the current accumulation value and a pair of values to be processed/accumulated
update(float, float) - Method in interface org.nd4j.linalg.api.ops.Accumulation
 
update(float, float, float) - Method in interface org.nd4j.linalg.api.ops.Accumulation
 
update(IComplexNumber, double) - Method in interface org.nd4j.linalg.api.ops.Accumulation
Complex update.
update(IComplexNumber, double, double) - Method in interface org.nd4j.linalg.api.ops.Accumulation
Complex update.
update(IComplexNumber, IComplexNumber) - Method in interface org.nd4j.linalg.api.ops.Accumulation
Complex update.
update(IComplexNumber, IComplexNumber, IComplexNumber) - Method in interface org.nd4j.linalg.api.ops.Accumulation
Complex update.
update(IComplexNumber, IComplexNumber, double) - Method in interface org.nd4j.linalg.api.ops.Accumulation
Complex update.
update(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.AMax
 
update(double, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.AMax
 
update(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.AMax
 
update(float, float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.AMax
 
update(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.AMax
 
update(IComplexNumber, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.AMax
 
update(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.AMax
 
update(IComplexNumber, IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.AMax
 
update(IComplexNumber, IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.AMax
 
update(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.AMin
 
update(double, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.AMin
 
update(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.AMin
 
update(float, float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.AMin
 
update(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.AMin
 
update(IComplexNumber, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.AMin
 
update(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.AMin
 
update(IComplexNumber, IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.AMin
 
update(IComplexNumber, IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.AMin
 
update(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.ASum
 
update(double, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.ASum
 
update(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.ASum
 
update(float, float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.ASum
 
update(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.ASum
 
update(IComplexNumber, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.ASum
 
update(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.ASum
 
update(IComplexNumber, IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.ASum
 
update(IComplexNumber, IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.ASum
 
update(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Bias
 
update(double, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Bias
 
update(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Bias
 
update(float, float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Bias
 
update(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Bias
 
update(IComplexNumber, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Bias
 
update(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Bias
 
update(IComplexNumber, IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Bias
 
update(IComplexNumber, IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Bias
 
update(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineDistance
 
update(double, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineDistance
 
update(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineDistance
 
update(float, float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineDistance
 
update(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineDistance
 
update(IComplexNumber, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineDistance
 
update(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineDistance
 
update(IComplexNumber, IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineDistance
 
update(IComplexNumber, IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineDistance
 
update(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineSimilarity
 
update(double, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineSimilarity
 
update(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineSimilarity
 
update(float, float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineSimilarity
 
update(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineSimilarity
 
update(IComplexNumber, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineSimilarity
 
update(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineSimilarity
 
update(IComplexNumber, IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineSimilarity
 
update(IComplexNumber, IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.CosineSimilarity
 
update(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.EuclideanDistance
 
update(double, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.EuclideanDistance
 
update(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.EuclideanDistance
 
update(float, float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.EuclideanDistance
 
update(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.EuclideanDistance
 
update(IComplexNumber, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.EuclideanDistance
 
update(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.EuclideanDistance
 
update(IComplexNumber, IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.EuclideanDistance
 
update(IComplexNumber, IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.EuclideanDistance
 
update(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.HammingDistance
 
update(double, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.HammingDistance
 
update(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.HammingDistance
 
update(float, float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.HammingDistance
 
update(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.HammingDistance
 
update(IComplexNumber, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.HammingDistance
 
update(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.HammingDistance
 
update(IComplexNumber, IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.HammingDistance
 
update(IComplexNumber, IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.HammingDistance
 
update(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.JaccardDistance
 
update(double, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.JaccardDistance
 
update(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.JaccardDistance
 
update(float, float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.JaccardDistance
 
update(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.JaccardDistance
 
update(IComplexNumber, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.JaccardDistance
 
update(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.JaccardDistance
 
update(IComplexNumber, IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.JaccardDistance
 
update(IComplexNumber, IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.JaccardDistance
 
update(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.ManhattanDistance
 
update(double, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.ManhattanDistance
 
update(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.ManhattanDistance
 
update(float, float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.ManhattanDistance
 
update(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.ManhattanDistance
 
update(IComplexNumber, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.ManhattanDistance
 
update(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.ManhattanDistance
 
update(IComplexNumber, IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.ManhattanDistance
 
update(IComplexNumber, IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.distances.ManhattanDistance
 
update(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Dot
 
update(double, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Dot
 
update(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Dot
 
update(float, float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Dot
 
update(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Dot
 
update(IComplexNumber, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Dot
 
update(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Dot
 
update(IComplexNumber, IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Dot
 
update(IComplexNumber, IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Dot
 
update(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Entropy
 
update(double, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Entropy
 
update(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Entropy
 
update(float, float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Entropy
 
update(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Entropy
 
update(IComplexNumber, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Entropy
 
update(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Entropy
 
update(IComplexNumber, IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Entropy
 
update(IComplexNumber, IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Entropy
 
update(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.EqualsWithEps
 
update(double, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.EqualsWithEps
 
update(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.EqualsWithEps
 
update(float, float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.EqualsWithEps
 
update(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.EqualsWithEps
 
update(IComplexNumber, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.EqualsWithEps
 
update(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.EqualsWithEps
 
update(IComplexNumber, IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.EqualsWithEps
 
update(IComplexNumber, IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.EqualsWithEps
 
update(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.LogEntropy
 
update(double, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.LogEntropy
 
update(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.LogEntropy
 
update(float, float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.LogEntropy
 
update(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.LogEntropy
 
update(IComplexNumber, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.LogEntropy
 
update(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.LogEntropy
 
update(IComplexNumber, IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.LogEntropy
 
update(IComplexNumber, IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.LogEntropy
 
update(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.MatchCondition
 
update(double, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.MatchCondition
 
update(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.MatchCondition
 
update(float, float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.MatchCondition
 
update(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.MatchCondition
 
update(IComplexNumber, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.MatchCondition
 
update(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.MatchCondition
 
update(IComplexNumber, IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.MatchCondition
 
update(IComplexNumber, IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.MatchCondition
 
update(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Max
 
update(double, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Max
 
update(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Max
 
update(float, float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Max
 
update(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Max
 
update(IComplexNumber, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Max
 
update(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Max
 
update(IComplexNumber, IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Max
 
update(IComplexNumber, IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Max
 
update(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Min
 
update(double, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Min
 
update(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Min
 
update(float, float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Min
 
update(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Min
 
update(IComplexNumber, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Min
 
update(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Min
 
update(IComplexNumber, IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Min
 
update(IComplexNumber, IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Min
 
update(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Mmul
 
update(double, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Mmul
 
update(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Mmul
 
update(float, float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Mmul
 
update(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Mmul
 
update(IComplexNumber, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Mmul
 
update(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Mmul
 
update(IComplexNumber, IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Mmul
 
update(IComplexNumber, IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Mmul
 
update(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm1
 
update(double, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm1
 
update(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm1
 
update(float, float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm1
 
update(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm1
 
update(IComplexNumber, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm1
 
update(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm1
 
update(IComplexNumber, IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm1
 
update(IComplexNumber, IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm1
 
update(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm2
 
update(double, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm2
 
update(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm2
 
update(float, float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm2
 
update(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm2
 
update(IComplexNumber, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm2
 
update(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm2
 
update(IComplexNumber, IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm2
 
update(IComplexNumber, IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm2
 
update(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.NormMax
 
update(double, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.NormMax
 
update(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.NormMax
 
update(float, float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.NormMax
 
update(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.NormMax
 
update(IComplexNumber, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.NormMax
 
update(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.NormMax
 
update(IComplexNumber, IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.NormMax
 
update(IComplexNumber, IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.NormMax
 
update(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Prod
 
update(double, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Prod
 
update(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Prod
 
update(float, float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Prod
 
update(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Prod
 
update(IComplexNumber, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Prod
 
update(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Prod
 
update(IComplexNumber, IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Prod
 
update(IComplexNumber, IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Prod
 
update(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.ShannonEntropy
 
update(double, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.ShannonEntropy
 
update(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.ShannonEntropy
 
update(float, float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.ShannonEntropy
 
update(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.ShannonEntropy
 
update(IComplexNumber, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.ShannonEntropy
 
update(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.ShannonEntropy
 
update(IComplexNumber, IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.ShannonEntropy
 
update(IComplexNumber, IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.ShannonEntropy
 
update(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Sum
 
update(double, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Sum
 
update(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Sum
 
update(float, float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Sum
 
update(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Sum
 
update(IComplexNumber, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Sum
 
update(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Sum
 
update(IComplexNumber, IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Sum
 
update(IComplexNumber, IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Sum
 
update(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.TensorMmul
 
update(double, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.TensorMmul
 
update(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.TensorMmul
 
update(float, float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.TensorMmul
 
update(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.TensorMmul
 
update(IComplexNumber, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.TensorMmul
 
update(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.TensorMmul
 
update(IComplexNumber, IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.TensorMmul
 
update(IComplexNumber, IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.TensorMmul
 
update(double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Variance
 
update(double, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Variance
 
update(float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Variance
 
update(float, float, float) - Method in class org.nd4j.linalg.api.ops.impl.accum.Variance
 
update(IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Variance
 
update(IComplexNumber, double, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Variance
 
update(IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Variance
 
update(IComplexNumber, IComplexNumber, IComplexNumber) - Method in class org.nd4j.linalg.api.ops.impl.accum.Variance
 
update(IComplexNumber, IComplexNumber, double) - Method in class org.nd4j.linalg.api.ops.impl.accum.Variance
 
update(double, int, double, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
update(float, int, float, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
update(double, int, double, double, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
update(float, int, float, float, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
update(IComplexNumber, int, IComplexNumber, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
update(IComplexNumber, int, double, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
update(IComplexNumber, int, double, double, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
update(IComplexNumber, int, IComplexNumber, IComplexNumber, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
update(double, int, double, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMax
 
update(float, int, float, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMax
 
update(double, int, double, double, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMax
 
update(float, int, float, float, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMax
 
update(IComplexNumber, int, IComplexNumber, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMax
 
update(IComplexNumber, int, double, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMax
 
update(IComplexNumber, int, double, double, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMax
 
update(IComplexNumber, int, IComplexNumber, IComplexNumber, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMax
 
update(double, int, double, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMin
 
update(float, int, float, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMin
 
update(double, int, double, double, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMin
 
update(float, int, float, float, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMin
 
update(IComplexNumber, int, IComplexNumber, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMin
 
update(IComplexNumber, int, double, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMin
 
update(IComplexNumber, int, double, double, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMin
 
update(IComplexNumber, int, IComplexNumber, IComplexNumber, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMin
 
update(double, int, double, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMax
 
update(float, int, float, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMax
 
update(double, int, double, double, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMax
 
update(float, int, float, float, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMax
 
update(IComplexNumber, int, IComplexNumber, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMax
 
update(IComplexNumber, int, double, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMax
 
update(IComplexNumber, int, double, double, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMax
 
update(IComplexNumber, int, IComplexNumber, IComplexNumber, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMax
 
update(double, int, double, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMin
 
update(float, int, float, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMin
 
update(double, int, double, double, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMin
 
update(float, int, float, float, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMin
 
update(IComplexNumber, int, IComplexNumber, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMin
 
update(IComplexNumber, int, double, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMin
 
update(IComplexNumber, int, double, double, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMin
 
update(IComplexNumber, int, IComplexNumber, IComplexNumber, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMin
 
update(double, int, double, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
update(float, int, float, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
update(double, int, double, double, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
update(float, int, float, float, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
update(IComplexNumber, int, IComplexNumber, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
update(IComplexNumber, int, double, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
update(IComplexNumber, int, double, double, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
update(IComplexNumber, int, IComplexNumber, IComplexNumber, int) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
update(double, int, double, int) - Method in interface org.nd4j.linalg.api.ops.IndexAccumulation
Do one accumulation update.
update(float, int, float, int) - Method in interface org.nd4j.linalg.api.ops.IndexAccumulation
 
update(double, int, double, double, int) - Method in interface org.nd4j.linalg.api.ops.IndexAccumulation
Do one accumulation update for a pair-wise (2 input) index accumulation
update(float, int, float, float, int) - Method in interface org.nd4j.linalg.api.ops.IndexAccumulation
 
update(IComplexNumber, int, IComplexNumber, int) - Method in interface org.nd4j.linalg.api.ops.IndexAccumulation
Accumulation update for complex numbers.
update(IComplexNumber, int, double, int) - Method in interface org.nd4j.linalg.api.ops.IndexAccumulation
Accumulation update for complex numbers.
update(IComplexNumber, int, double, double, int) - Method in interface org.nd4j.linalg.api.ops.IndexAccumulation
Accumulation update for pairswise (2 input) complex numbers.
update(IComplexNumber, int, IComplexNumber, IComplexNumber, int) - Method in interface org.nd4j.linalg.api.ops.IndexAccumulation
Accumulation update for pairswise (2 input) complex numbers.
update(Object...) - Method in class org.nd4j.linalg.learning.legacy.AdaGrad
 
updateForNewAxes(INDArray, INDArrayIndex...) - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
Set the shape and stride for new axes based dimensions
updatePairs(String, String) - Method in class org.nd4j.linalg.profiler.OpProfiler
 

V

validate() - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
validate() - Method in class org.nd4j.linalg.dataset.DataSet
 
validate(long, INDArrayIndex) - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
 
validateConcat(int, INDArray...) - Static method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
validateDataType(DataBuffer.Type, Op) - Static method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
Validate the data types for the given operation
validateDataType(DataBuffer.Type, INDArray...) - Static method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
value - Variable in class org.nd4j.linalg.indexing.conditions.BaseCondition
 
Value - Class in org.nd4j.linalg.indexing.functions
Created by agibsonccc on 10/8/14.
Value(Number) - Constructor for class org.nd4j.linalg.indexing.functions.Value
 
valueArrayOf(int[], double) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates an ndarray with the specified value as the only value in the ndarray
valueArrayOf(int, int, double) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates a row vector with the specified number of columns
valueArrayOf(int[], double) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an ndarray with the specified value as the only value in the ndarray.
valueArrayOf(int, double) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a row vector ndarray with the specified value as the only value in the ndarray Some people may know this as np.full
valueArrayOf(int, int, double) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a row vector with the specified number of columns Some people may know this as np.full
valueArrayOf(int[], double) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates an ndarray with the specified value as the only value in the ndarray
valueArrayOf(int, int, double) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates a row vector with the specified number of columns
valueOf(String) - Static method in enum org.nd4j.linalg.activations.Activation
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.linalg.api.blas.Blas.Vendor
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.linalg.api.concurrency.AffinityManager.Location
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.linalg.api.ops.executioner.OpExecutioner.ExecutionMode
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.linalg.api.ops.executioner.OpExecutioner.ProfilingMode
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.linalg.api.ops.impl.transforms.convolution.Pooling2D.Pooling2DType
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.linalg.api.ops.Op.Type
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.linalg.compression.CompressionAlgorithm
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.linalg.compression.CompressionType
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.linalg.convolution.Convolution.Type
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.linalg.dataset.api.iterator.enums.InequalityHandling
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.linalg.dataset.api.preprocessor.serializer.NormalizerType
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.linalg.factory.Nd4j.PadMode
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.linalg.heartbeat.reports.Event
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.linalg.heartbeat.reports.Task.ArchitectureType
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.linalg.heartbeat.reports.Task.NetworkType
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.linalg.indexing.functions.StableNumber.Type
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.linalg.lossfunctions.LossFunctions.LossFunction
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.linalg.profiler.OpProfiler.PenaltyCause
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.versioncheck.VersionCheck.Detail
Returns the enum constant of this type with the specified name.
values() - Static method in enum org.nd4j.linalg.activations.Activation
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.nd4j.linalg.api.blas.Blas.Vendor
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.nd4j.linalg.api.concurrency.AffinityManager.Location
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.nd4j.linalg.api.ops.executioner.OpExecutioner.ExecutionMode
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.nd4j.linalg.api.ops.executioner.OpExecutioner.ProfilingMode
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.nd4j.linalg.api.ops.impl.transforms.convolution.Pooling2D.Pooling2DType
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.nd4j.linalg.api.ops.Op.Type
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.nd4j.linalg.compression.CompressionAlgorithm
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.nd4j.linalg.compression.CompressionType
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.nd4j.linalg.convolution.Convolution.Type
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.nd4j.linalg.dataset.api.iterator.enums.InequalityHandling
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.nd4j.linalg.dataset.api.preprocessor.serializer.NormalizerType
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.nd4j.linalg.factory.Nd4j.PadMode
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.nd4j.linalg.heartbeat.reports.Event
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.nd4j.linalg.heartbeat.reports.Task.ArchitectureType
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.nd4j.linalg.heartbeat.reports.Task.NetworkType
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.nd4j.linalg.indexing.functions.StableNumber.Type
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.nd4j.linalg.lossfunctions.LossFunctions.LossFunction
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.nd4j.linalg.profiler.OpProfiler.PenaltyCause
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.nd4j.versioncheck.VersionCheck.Detail
Returns an array containing the constants of this enum type, in the order they are declared.
var(int...) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
var(int...) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
 
var(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the overall variance of this ndarray
var(boolean, int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the overall variance of this ndarray
var(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the overall variance of this ndarray
var(boolean, int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the overall variance of this ndarray
var(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
 
var(IComplexNDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
 
var(INDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
var(IComplexNDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
varComplex() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
varComplex() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
varComplex() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
Variance - Class in org.nd4j.linalg.api.ops.impl.accum
Variance with bias correction.
Variance() - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Variance
 
Variance(boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Variance
 
Variance(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Variance
 
Variance(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Variance
 
Variance(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Variance
 
Variance(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Variance
 
Variance(INDArray, INDArray, INDArray, long, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Variance
 
Variance(INDArray, INDArray, long, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Variance
 
Variance(INDArray, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Variance
 
Variance(INDArray, INDArray, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.accum.Variance
 
varNumber() - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
 
varNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
varNumber() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the overall variance of all values in this INDArray
vectorAlongDimension(int, int) - Method in class org.nd4j.linalg.api.complex.BaseComplexNDArray
Get the vector along a particular dimension
vectorAlongDimension(int, int) - Method in interface org.nd4j.linalg.api.complex.IComplexNDArray
Get the vector along a particular dimension
vectorAlongDimension(int, int) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Get the vector along a particular dimension
vectorAlongDimension(int, int) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Get the vector along a particular dimension
VectorFFT - Class in org.nd4j.linalg.api.ops.impl.transforms
Encapsulated vector operation
VectorFFT() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.VectorFFT
 
VectorFFT(INDArray, INDArray, int) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.VectorFFT
 
VectorFFT(INDArray, INDArray, long, int) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.VectorFFT
 
VectorFFT(INDArray, INDArray, INDArray, long, int) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.VectorFFT
 
VectorFFT(INDArray, int) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.VectorFFT
 
VectorFFT(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.VectorFFT
 
VectorIFFT - Class in org.nd4j.linalg.api.ops.impl.transforms
Single ifft operation
VectorIFFT() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.VectorIFFT
 
VectorIFFT(INDArray, INDArray, int) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.VectorIFFT
 
VectorIFFT(INDArray, INDArray, long, int) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.VectorIFFT
 
VectorIFFT(INDArray, INDArray, INDArray, long, int) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.VectorIFFT
 
VectorIFFT(INDArray, int) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.VectorIFFT
 
VectorIFFT(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.VectorIFFT
 
vectorsAlongDimension(int) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the number of possible vectors for a given dimension
vectorsAlongDimension(int) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the number of possible vectors for a given dimension
vectorsPerSlice(INDArray) - Static method in class org.nd4j.linalg.util.NDArrayMath
The number of vectors in each slice of an ndarray.
vectorsPerSlice(INDArray, int...) - Static method in class org.nd4j.linalg.util.NDArrayMath
The number of vectors in each slice of an ndarray.
VERSION_CHECK_PROPERTY - Static variable in class org.nd4j.versioncheck.VersionCheck
Setting the system property to false will stop ND4J from performing the version check, and logging any warnings/errors.
VersionCheck - Class in org.nd4j.versioncheck
A runtime version check utility that does 2 things:
(a) validates the versions of ND4J, DL4J, DataVec, RL4J, Arbiter on the class path, logging a warning if incompatible versions are found
(b) allows users to get version information for the above projects at runtime.
VersionCheck.Detail - Enum in org.nd4j.versioncheck
Detailed level for logging: GAV: display group ID, artifact, version GAVC: display group ID, artifact, version, commit ID FULL: display group ID, artifact, version, commit ID, build time, branch, commit message
VersionInfo - Class in org.nd4j.versioncheck
Created by Alex on 04/08/2017.
VersionInfo(String, String, String) - Constructor for class org.nd4j.versioncheck.VersionInfo
 
VersionInfo(String) - Constructor for class org.nd4j.versioncheck.VersionInfo
 
versionInfoString() - Static method in class org.nd4j.versioncheck.VersionCheck
 
versionInfoString(VersionCheck.Detail) - Static method in class org.nd4j.versioncheck.VersionCheck
Get the version information for dependencies as a string with a specified amount of detail
VGG16ImagePreProcessor - Class in org.nd4j.linalg.dataset.api.preprocessor
This is a preprocessor specifically for VGG16.
VGG16ImagePreProcessor() - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.VGG16ImagePreProcessor
 
VGG_MEAN_OFFSET_BGR - Static variable in class org.nd4j.linalg.dataset.api.preprocessor.VGG16ImagePreProcessor
 
ViewIterator - Class in org.nd4j.linalg.dataset
Iterate over a dataset with views
ViewIterator(DataSet, int) - Constructor for class org.nd4j.linalg.dataset.ViewIterator
 
vstack(INDArray...) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Concatenates two matrices vertically.
vstack(INDArray...) - Static method in class org.nd4j.linalg.factory.Nd4j
Concatenates two matrices vertically.
vstack(Collection<INDArray>) - Static method in class org.nd4j.linalg.factory.Nd4j
Concatenates two matrices vertically.
vstack(INDArray...) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Concatenates two matrices vertically.

W

weights - Variable in class org.nd4j.linalg.lossfunctions.impl.LossL1
 
weights - Variable in class org.nd4j.linalg.lossfunctions.impl.LossL2
 
wholeArrayDimension(int...) - Static method in class org.nd4j.linalg.api.shape.Shape
Returns true if the given array is meant for the whole dimension
workspace - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
WORKSPACE_MANAGER - Static variable in class org.nd4j.linalg.factory.Nd4j
 
workspaceConfiguration - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
WorkspaceDeallocatorThread(ReferenceQueue<MemoryWorkspace>) - Constructor for class org.nd4j.linalg.memory.provider.BasicWorkspaceManager.WorkspaceDeallocatorThread
 
workspaceManagerClazz - Static variable in class org.nd4j.linalg.factory.Nd4j
 
write(ObjectOutputStream) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
write(ObjectOutputStream) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArrayProxy
 
write(INDArray, String) - Static method in class org.nd4j.linalg.api.ndarray.NdArrayJSONWriter
 
write(DataOutputStream) - Method in class org.nd4j.linalg.compression.CompressedDataBuffer
 
write(NormalizerMinMaxScaler, OutputStream) - Method in class org.nd4j.linalg.dataset.api.preprocessor.serializer.MinMaxSerializerStrategy
 
write(MultiNormalizerHybrid, OutputStream) - Method in class org.nd4j.linalg.dataset.api.preprocessor.serializer.MultiHybridSerializerStrategy
Serialize a MultiNormalizerHybrid to a output stream
write(MultiNormalizerMinMaxScaler, OutputStream) - Method in class org.nd4j.linalg.dataset.api.preprocessor.serializer.MultiMinMaxSerializerStrategy
Serialize a MultiNormalizerMinMaxScaler to a output stream
write(MultiNormalizerStandardize, OutputStream) - Method in class org.nd4j.linalg.dataset.api.preprocessor.serializer.MultiStandardizeSerializerStrategy
Serialize a MultiNormalizerStandardize to a output stream
write(Normalizer, File) - Method in class org.nd4j.linalg.dataset.api.preprocessor.serializer.NormalizerSerializer
Serialize a normalizer to the given file
write(Normalizer, String) - Method in class org.nd4j.linalg.dataset.api.preprocessor.serializer.NormalizerSerializer
Serialize a normalizer to the given file path
write(Normalizer, OutputStream) - Method in class org.nd4j.linalg.dataset.api.preprocessor.serializer.NormalizerSerializer
Serialize a normalizer to an output stream
write(T, OutputStream) - Method in interface org.nd4j.linalg.dataset.api.preprocessor.serializer.NormalizerSerializerStrategy
Serialize a normalizer to a output stream
write(NormalizerStandardize, OutputStream) - Method in class org.nd4j.linalg.dataset.api.preprocessor.serializer.StandardizeSerializerStrategy
 
write(OutputStream, INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
Y Write an ndarray to a writer
write(INDArray, DataOutputStream) - Static method in class org.nd4j.linalg.factory.Nd4j
Write an ndarray to the specified outputstream
writeArrayToDisk(INDArray, File) - Static method in class org.nd4j.serde.binary.BinarySerde
Write an ndarray to disk in binary format
writeComplex(IComplexNDArray, DataOutputStream) - Static method in class org.nd4j.linalg.factory.Nd4j
Write an ndarray to the specified outputs tream
writeNumpy(INDArray, String, String) - Static method in class org.nd4j.linalg.factory.Nd4j
Deprecated.
writeTxt(INDArray, String, String, int) - Static method in class org.nd4j.linalg.factory.Nd4j
Read line via input streams
writeTxt(INDArray, String, int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
writeTxt(INDArray, String, String) - Static method in class org.nd4j.linalg.factory.Nd4j
 
writeTxt(INDArray, String) - Static method in class org.nd4j.linalg.factory.Nd4j
 
writeTxtString(INDArray, OutputStream, String, int) - Static method in class org.nd4j.linalg.factory.Nd4j
Output line via input streams
writeTxtString(INDArray, OutputStream, int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
writeTxtString(INDArray, OutputStream, String) - Static method in class org.nd4j.linalg.factory.Nd4j
 
writeTxtString(INDArray, OutputStream) - Static method in class org.nd4j.linalg.factory.Nd4j
 

X

x - Variable in class org.nd4j.linalg.api.ops.BaseOp
 
x() - Method in class org.nd4j.linalg.api.ops.BaseOp
 
x() - Method in interface org.nd4j.linalg.api.ops.Op
The origin ndarray
x() - Method in class org.nd4j.linalg.api.ops.TadCollapseAccumulation
 
Xor - Class in org.nd4j.linalg.api.ops.impl.transforms
Boolean AND pairwise transform
Xor() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Xor
 
Xor(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Xor
 
Xor(INDArray, INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Xor
 
Xor(INDArray, INDArray, INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Xor
 
Xor(INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Xor
 
Xor(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Xor
 
Xor(INDArray, INDArray, INDArray, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Xor
 
Xor(INDArray, INDArray, INDArray, Number, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Xor
 
xor(INDArray, INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 

Y

y - Variable in class org.nd4j.linalg.api.ops.BaseOp
 
y() - Method in class org.nd4j.linalg.api.ops.BaseOp
 
y() - Method in interface org.nd4j.linalg.api.ops.Op
The pairwise op ndarray
y() - Method in class org.nd4j.linalg.api.ops.TadCollapseAccumulation
 

Z

z - Variable in class org.nd4j.linalg.api.ops.BaseOp
 
z() - Method in class org.nd4j.linalg.api.ops.BaseOp
 
z() - Method in class org.nd4j.linalg.api.ops.impl.shape.Broadcast
 
z() - Method in class org.nd4j.linalg.api.ops.impl.shape.Permute
 
z() - Method in class org.nd4j.linalg.api.ops.impl.shape.Reshape
 
z() - Method in class org.nd4j.linalg.api.ops.impl.shape.Transpose
 
z() - Method in interface org.nd4j.linalg.api.ops.Op
The resulting ndarray
z() - Method in class org.nd4j.linalg.api.ops.TadCollapseAccumulation
 
zaxpy(int, IComplexDouble, IComplexNDArray, int, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
zcopy(int, IComplexNDArray, int, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
zdotc_sub(int, IComplexNDArray, int, IComplexNDArray, int, IComplexNDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
zdotu_sub(int, IComplexNDArray, int, IComplexNDArray, int, IComplexNDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
zdscal(int, double, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
ZERO - Static variable in class org.nd4j.linalg.factory.Nd4j
 
Zero - Class in org.nd4j.linalg.indexing.functions
Created by agibsonccc on 10/8/14.
Zero() - Constructor for class org.nd4j.linalg.indexing.functions.Zero
 
zeroComplex() - Method in interface org.nd4j.linalg.api.ops.Accumulation
Complex initial value
zeroComplex() - Method in class org.nd4j.linalg.api.ops.BaseAccumulation
 
zeroComplex() - Method in class org.nd4j.linalg.api.ops.BaseIndexAccumulation
 
zeroComplex() - Method in class org.nd4j.linalg.api.ops.impl.accum.Bias
 
zeroComplex() - Method in class org.nd4j.linalg.api.ops.impl.accum.Norm1
 
zeroComplex() - Method in class org.nd4j.linalg.api.ops.impl.accum.Prod
 
zeroComplex() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
zeroComplex() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMax
 
zeroComplex() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMin
 
zeroComplex() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMax
 
zeroComplex() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMin
 
zeroComplex() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
zeroComplex() - Method in interface org.nd4j.linalg.api.ops.IndexAccumulation
Complex initial value
zeroDouble() - Method in interface org.nd4j.linalg.api.ops.Accumulation
Initial value (used to initialize the accumulation op)
zeroDouble() - Method in class org.nd4j.linalg.api.ops.BaseAccumulation
 
zeroDouble() - Method in class org.nd4j.linalg.api.ops.BaseIndexAccumulation
 
zeroDouble() - Method in class org.nd4j.linalg.api.ops.impl.accum.AMax
 
zeroDouble() - Method in class org.nd4j.linalg.api.ops.impl.accum.AMin
 
zeroDouble() - Method in class org.nd4j.linalg.api.ops.impl.accum.Max
 
zeroDouble() - Method in class org.nd4j.linalg.api.ops.impl.accum.Min
 
zeroDouble() - Method in class org.nd4j.linalg.api.ops.impl.accum.Prod
 
zeroDouble() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
zeroDouble() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMax
 
zeroDouble() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMin
 
zeroDouble() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMax
 
zeroDouble() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMin
 
zeroDouble() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
zeroDouble() - Method in interface org.nd4j.linalg.api.ops.IndexAccumulation
Initial value for the index accumulation
zeroFloat() - Method in interface org.nd4j.linalg.api.ops.Accumulation
Initial value (used to initialize the accumulation op)
zeroFloat() - Method in class org.nd4j.linalg.api.ops.BaseAccumulation
 
zeroFloat() - Method in class org.nd4j.linalg.api.ops.BaseIndexAccumulation
 
zeroFloat() - Method in class org.nd4j.linalg.api.ops.impl.accum.AMax
 
zeroFloat() - Method in class org.nd4j.linalg.api.ops.impl.accum.AMin
 
zeroFloat() - Method in class org.nd4j.linalg.api.ops.impl.accum.Max
 
zeroFloat() - Method in class org.nd4j.linalg.api.ops.impl.accum.Min
 
zeroFloat() - Method in class org.nd4j.linalg.api.ops.impl.accum.Prod
 
zeroFloat() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
zeroFloat() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMax
 
zeroFloat() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMin
 
zeroFloat() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMax
 
zeroFloat() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMin
 
zeroFloat() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
zeroFloat() - Method in interface org.nd4j.linalg.api.ops.IndexAccumulation
Initial value for the index accumulation.
zeroHalf() - Method in interface org.nd4j.linalg.api.ops.Accumulation
Initial value for half
zeroHalf() - Method in class org.nd4j.linalg.api.ops.BaseAccumulation
 
zeroHalf() - Method in class org.nd4j.linalg.api.ops.impl.accum.AMax
 
zeroHalf() - Method in class org.nd4j.linalg.api.ops.impl.accum.AMin
 
zeroHalf() - Method in class org.nd4j.linalg.api.ops.impl.accum.Max
 
zeroHalf() - Method in class org.nd4j.linalg.api.ops.impl.accum.Min
 
zeroHalf() - Method in class org.nd4j.linalg.api.ops.impl.accum.Prod
 
zeroHalf() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
zeroHalf() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMax
 
zeroHalf() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMin
 
zeroHalf() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMax
 
zeroHalf() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMin
 
zeroHalf() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
zeroHalf() - Method in interface org.nd4j.linalg.api.ops.IndexAccumulation
Initial value for the index accumulation.
zeroPair() - Method in class org.nd4j.linalg.api.ops.BaseIndexAccumulation
 
zeroPair() - Method in interface org.nd4j.linalg.api.ops.IndexAccumulation
The initial value and initial index to use for the accumulation
zeros(int, int) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates a row vector with the specified number of columns
zeros(int) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates a row vector with the specified number of columns
zeros(int[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create an ndarray of zeros
zeros(int, char) - Static method in class org.nd4j.linalg.factory.Nd4j
 
zeros(int, int, int[], long) - Static method in class org.nd4j.linalg.factory.Nd4j
 
zeros(int[], int[], long) - Static method in class org.nd4j.linalg.factory.Nd4j
 
zeros(int, int, int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
zeros(int[], int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
zeros(int[], DataBuffer.Type) - Static method in class org.nd4j.linalg.factory.Nd4j
 
zeros(int, int, int[], long, char) - Static method in class org.nd4j.linalg.factory.Nd4j
 
zeros(int[], int[], long, char) - Static method in class org.nd4j.linalg.factory.Nd4j
 
zeros(int, int, int[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
 
zeros(int[], int[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
 
zeros(int, int, char) - Static method in class org.nd4j.linalg.factory.Nd4j
 
zeros(int, int) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a row vector with the specified number of columns
zeros(int) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a row vector with the specified number of columns
zeros(int[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
Create an ndarray of zeros
zeros(int...) - Static method in class org.nd4j.linalg.factory.Nd4j
Create an ndarray of zeros
zeros(int, int) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates a row vector with the specified number of columns
zeros(int) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates a row vector with the specified number of columns
zeros(int[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create an ndarray of zeros
zerosLike(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
Empty like
zgbmv(char, char, int, int, int, int, IComplexDouble, IComplexNDArray, int, IComplexNDArray, int, IComplexDouble, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
zgemm(char, char, char, int, int, int, IComplexDouble, IComplexNDArray, int, IComplexNDArray, int, IComplexDouble, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
 
zgemv(char, char, int, int, IComplexDouble, IComplexNDArray, int, IComplexNDArray, int, IComplexDouble, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
zgerc(char, int, int, IComplexDouble, IComplexNDArray, int, IComplexNDArray, int, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
zgeru(char, int, int, IComplexDouble, IComplexNDArray, int, IComplexNDArray, int, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
zhbmv(char, char, int, int, IComplexDouble, IComplexNDArray, int, IComplexNDArray, int, IComplexDouble, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
zhemm(char, char, char, int, int, IComplexDouble, IComplexNDArray, int, IComplexNDArray, int, IComplexDouble, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
 
zhemv(char, char, int, IComplexDouble, IComplexNDArray, int, IComplexNDArray, int, IComplexDouble, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
zher(char, char, int, double, IComplexNDArray, int, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
zher2(char, char, int, IComplexDouble, IComplexNDArray, int, IComplexNDArray, int, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
zher2k(char, char, char, int, int, IComplexDouble, IComplexNDArray, int, IComplexNDArray, int, IComplexDouble, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
 
zherk(char, char, char, int, int, IComplexDouble, IComplexNDArray, int, IComplexDouble, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
 
zhpmv(char, char, int, IComplexDouble, IComplexNDArray, IComplexNDArray, int, IComplexDouble, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
zhpr(char, char, int, INDArray, IComplexNDArray, int, IComplexNDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
zhpr2(char, char, int, IComplexDouble, IComplexNDArray, int, IComplexNDArray, int, IComplexNDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
zscal(int, IComplexDouble, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
zswap(int, IComplexNDArray, int, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
zsymm(char, char, char, int, int, IComplexDouble, IComplexNDArray, int, IComplexNDArray, int, IComplexDouble, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
 
zsyr2k(char, char, char, int, int, IComplexDouble, IComplexNDArray, int, IComplexNDArray, int, IComplexDouble, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
 
zsyrk(char, char, char, int, int, IComplexDouble, IComplexNDArray, int, IComplexDouble, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
 
ztbmv(char, char, char, char, int, int, IComplexNDArray, int, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
ztbsv(char, char, char, char, int, int, IComplexNDArray, int, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
ztpmv(char, char, char, char, int, IComplexNDArray, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
ztpsv(char, char, char, char, int, IComplexNDArray, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
ztrmm(char, char, char, char, char, int, int, IComplexDouble, IComplexNDArray, int, IComplexNDArray, int, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
 
ztrmv(char, char, char, char, int, IComplexNDArray, int, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
ztrsm(char, char, char, char, char, int, int, IComplexDouble, IComplexNDArray, int, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel3
 
ztrsv(char, char, char, char, int, IComplexNDArray, int, IComplexNDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
A B C D E F G H I J K L M N O P Q R S T U V W X Y Z 
Skip navigation links

Copyright © 2017. All rights reserved.